Machine learning

Machine learning

PyTorch GAN MNIST 구현하기

PyTorch_GAN_MNIST 구현하기 Code : Git import torch import torch.nn as nn #Neural Networks import torch.optim as optim #최적화 알고리즘을 구현하는 패키지 import torchvision.utils as utils import torchvision.datasets as dsets #널리 사용되는 데이터세트, 모델, 아키텍처 import torchvision.transforms as transforms #이미지 변환 패키지 import numpy as np #행렬, 배열 계산 from matplotlib import pyplot as plt #데이터 시각화 패키지 is_cuda = torch.cuda.is_availabl..

Machine learning

ImageNet VGG

PyTorch ImageNet VGG16 none_avg_pool #1번 self.classifier = nn.Sequential( nn.Linear(512 * 7 * 7, 4096), nn.ReLU(True), nn.Dropout(), nn.Linear(4096, 4096), nn.ReLU(True), nn.Dropout(), nn.Linear(4096, 1000), ) def forward(self, x): x = self.features(x) x = x.view(x.size(0), -1) x = self.classifier(x) return x Epoch : 1 / Loss : 6.9131 / Time : 13.3H #2번 self.classifier = nn.Linear(7*7*512, 1000)..

Machine learning

ML: 1.지도학습, 비지도학습, 강화학습

오늘 공부할 내용은 Machine Learning의 Types에 대해 알아보겠습니다. 1. Types of ML 크게 지도학습(Supervised Learning), 비지도학습(Unsupervised Learning), 강화학습(Reinforcement Learning)으로 나뉩니다. Supervised Learning에 대해 알아보겠습니다. 지도학습의 경우는 Classification과 Regression으로 나뉩니다. Classification(분류)에 대해서 살펴보겠습니다. - Binary classification - Multi - Label classification Classification Target Binary classification Binary Multi - Label classif..

리틀피그
'Machine learning' 카테고리의 글 목록