[pytorch] linear regression class를 nn.Sequential로 간단하게 표현
linear regression class를 nn.Sequential로 간단하게 표현 Linear regression 전체 코드 import torch import torch.nn.functional as F import torch.nn as nn import torch.optim as optim x_data = [[1,2], [2,3], [3,1], [4,3], [5,3], [6,2]] y_data = [[0], [0], [0], [1], [1], [1]] x_train = torch.FloatTensor(x_data) y_train = torch.FloatTensor(y_data) print(x_train.size()) print(y_train.size()) ''' class l..
더보기
[Pytorch] 기초 강의 day1
Pytorch 기초 정리 torch td = torch.linspace(0,3,4) print(td) print(torch.exp(td)) print(torch.max(td)) print(torch.log(td)) td2 = torch.tensor([[1,2,3],[4,5,7]], dtype=torch.float32) print('\n', torch.max(td2, dim=1)) print('\n', torch.max(td2, dim=1)[0]) print(torch.max(td2, dim=1)[1]) tensor([0., 1., 2., 3.]) tensor([ 1.0000, 2.7183, 7.3891, 20.0855]) tensor(3.) tensor([ -inf, 0.00..
더보기
[Pytorch] VGG 구현 및 정리
VGG 구현 및 정리 모두의 딥러닝 시즌2 - Pytorch를 참고 했습니다. 모두의 딥러닝 시즌2 깃헙 import torch.nn as nn class VGG(nn.Module): def __init__(self, features, num_classes=1000, init_weights=True): super(VGG, self).__init__() self.features = features self.avgpool = nn.AdaptiveAvgPool2d(7) self.classifier = nn.Sequential( nn.Linear(512*7*7, 4096), nn.ReLU(True), nn.Dropout(), nn.Linear(4096, 4096), nn.ReLU(True), nn.Dropout..
더보기