第二章 Pytorch基础 Chapter 2-7使用Tensor及Autograd实现机器学习
程序员文章站
2022-03-22 23:01:52
...
第二章 Pytorch基础 Chapter 2-7使用Tensor及Autograd实现机器学习
本节使用PyTorch的一个自动求导的包——autograd
,利用这个包及对应的Tensor
,便可利用自动反向传播来求梯度,无须手动计算梯度。
#! /usr/bin/env python3
# coding=utf-8
import torch as t
from matplotlib import pyplot as plt
from torch.autograd import Variable as V
t.manual_seed(100)
dtype = t.float
x = V(t.unsqueeze(t.linspace(-1, 1, 100), dim=1))
y = 3 * x.pow(2) + 2 + 0.2 * t.rand(x.size())
# plt.scatter(x.numpy(), y.numpy())
# plt.show()
# print(x)
w = t.randn(1, 1, dtype=dtype, requires_grad=True)
b = t.zeros(1, 1, dtype=dtype, requires_grad=True)
lr = 0.001
for ii in range(800):
y_pred = x.pow(2).mm(w) + b
loss = 0.5 * (y_pred - y).pow(2)
loss = loss.sum()
loss.backward()
with t.no_grad():
w -= lr * w.grad
b -= lr * b.grad
w.grad.zero_()
b.grad.zero_()
plt.plot(x.numpy(), y_pred.detach().numpy(), 'r-', label='predict')
plt.scatter(x.numpy(), y.numpy(), color='blue',marker='o',label='ture')
plt.xlim(-1, 1)
plt.ylim(2, 6)
plt.legend()
plt.show()
print(w, b)
输出结果为:
tensor([[2.9645]], requires_grad=True) tensor([[2.1146]], requires_grad=True)
上一篇: 点击HTML页面问号出现提示框(附源码)