Deeper Look at GD
📒 Gradient Descent
傾斜降下法はBias無しの簡単な方法で理解した.
data:image/s3,"s3://crabby-images/66ed3/66ed37d9e51ba39679f962d9ce0312c187f041cd" alt=""
📝 Dummy Data
Hours(x)Points(y)112233
x_train = torch.FloatTensor([1], [2], [3]])
y_train = torch.FloatTensor([1], [2], [3]])
📝 Cost function
data:image/s3,"s3://crabby-images/e0c00/e0c008a29fb50b5a34594987cd576161d9ab84e6" alt=""
data:image/s3,"s3://crabby-images/2f9ee/2f9eea6c7dbb2be49e63265727d8c86fc5a4e8e8" alt=""
cost = torch.mean((hypothesis - y_train) ** 2)
📝 Gradient descent
data:image/s3,"s3://crabby-images/03585/035859b3b52c713e4b3d86af2ca6e694f346ebea" alt=""
gradient = 2 * torch.mean((W * x_train - y_train) * x_train)
lr = 0.1
W -= lr * gradient
📝 Full code
import torch
# 데이터
x_train = torch.FloatTensor([[1], [2], [3]])
y_train = torch.FloatTensor([[1], [2], [3]])
# 모델 초기화
W = torch.zeros(1)
# learning rate 설정
lr = 0.1
nb_epochs = 10
for epoch in range(nb_epochs + 1):
# H(x) 계산
hypothesis = x_train * W
# cost gradient 계산
cost = torch.mean((hypothesis - y_train) ** 2)
gradient = torch.sum((W * x_train - y_train) * x_train)
print('Epoch {:4d}/{} W: {:.3f}, Cost: {:.6f}'.format(
epoch, nb_epochs, W.item(), cost.item()))
# cost gradient로 H(x) 개선
W -= lr * gradient
data:image/s3,"s3://crabby-images/908f0/908f0e97c619d1a5941e10eb90bb03aaa28daab3" alt=""
📝 Full code with torch.optim
import torch
# 데이터
x_train = torch.FloatTensor([[1], [2], [3]])
y_train = torch.FloatTensor([[1], [2], [3]])
# 모델 초기화
W = torch.zeros(1, requires_grad=True)
# optimizer 설정
optimizer = torch.optim.SGD([W], lr=0.15)
nb_epochs = 10
for epoch in range(nb_epochs + 1):
# H(x) 계산
hypothesis = x_train * W
# cost 계산
cost = torch.mean((hypothesis - y_train) ** 2)
print('Epoch {:4d}/{} W: {:.3f} Cost: {:.6f}'.format(
epoch, nb_epochs, W.item(), cost.item()))
# cost로 H(x) 개선
optimizer.zero_grad() # gradient를 0으로 초기화
cost.backward() # gradient 계산
optimizer.step() # 경사하강법(W에 적용)
data:image/s3,"s3://crabby-images/40b59/40b592735f9b6f1cf37e3ccc030227a748d30d39" alt=""
Reference
この問題について(Deeper Look at GD), 我々は、より多くの情報をここで見つけました https://velog.io/@gyuho/Deeper-Look-at-GDテキストは自由に共有またはコピーできます。ただし、このドキュメントのURLは参考URLとして残しておいてください。
Collection and Share based on the CC Protocol