DL in Python/Pytorch 기초
[Pytorch 기초 - 1] Pytorch의 가장 기본적인 함수들
SuHawn
2020. 9. 1. 18:28
PyTorch Basic¶
PyTorch 기초 사용법
In [1]:
import numpy as np
import torch
In [2]:
torch.__version__
Out[2]:
In [3]:
nums = torch.arange(9)
nums
Out[3]:
In [4]:
nums.shape
Out[4]:
In [5]:
type(nums)
Out[5]:
In [6]:
nums.numpy()
Out[6]:
In [7]:
nums.reshape(3,3)
Out[7]:
In [9]:
randoms = torch.rand((3,3))
randoms
Out[9]:
In [10]:
zeros = torch.zeros((3,3))
zeros
Out[10]:
In [11]:
ones = torch.ones((3,3))
ones
Out[11]:
In [12]:
torch.zeros_like(ones)
Out[12]:
In [13]:
zeros.size()
Out[13]:
Operations¶
PyTorch로 수학연산
In [14]:
nums * 3
Out[14]:
In [15]:
nums = nums.reshape((3,3))
In [16]:
nums + nums
Out[16]:
In [18]:
result = torch.add(nums, 3)
In [19]:
result.numpy()
Out[19]:
View : reshape과 동일하게 작용¶
In [20]:
range_nums = torch.arange(9).reshape(3,3)
In [21]:
range_nums
Out[21]:
In [22]:
range_nums.view(-1)
Out[22]:
In [23]:
range_nums.view(1,9)
Out[23]:
Slice and Index¶
In [46]:
nums
Out[46]:
In [47]:
nums[1]
Out[47]:
In [48]:
nums[1,1]
Out[48]:
In [49]:
nums[1:,1:]
Out[49]:
In [50]:
nums[1:]
Out[50]:
Compile¶
numpy를 torch tensor로 불러오기
In [51]:
arr = np.array([1,1,1])
In [52]:
arr_torch = torch.from_numpy(arr)
In [53]:
arr_torch.float()
Out[53]:
In [54]:
# gpu cuda 설정 가능, 없으면 cpu사용
device = 'cuda' if torch.cuda.is_available() else 'cpu'
In [55]:
arr_torch.to(device)
Out[55]:
In [56]:
device # 제 노트북에는 gpu가 없습니다.
Out[56]:
AutoGrad : 기울기를 주어 학습의 변화가 생기게 하는 함수¶
In [57]:
x = torch.ones(2,2, requires_grad = True)
x
Out[57]:
In [58]:
y = x + 2
y
Out[58]:
In [59]:
print(y.grad_fn)
In [60]:
z = y * y * 3
out = z.mean()
In [61]:
print(z, out)
In [62]:
out.backward() # back propagation
In [64]:
print(x.grad) # 기울기
In [70]:
# 학습모드
# 기울기를 구함.
print(x.requires_grad)
print((x**2).requires_grad)
In [71]:
# test모드
with torch.no_grad(): # batch normalization / dropout 같은 것들이 작동을 하지 않게 됨.
print((x**2).requires_grad)