当前位置:   article > 正文

PyTorch-线性回归

PyTorch-线性回归

已经进入大模微调的时代,但是学习pytorch,对后续学习rasa框架有一定帮助吧。

  1. <!-- 给出一系列的点作为线性回归的数据,使用numpy来存储这些点。 -->
  2. x_train = np.array([[3.3], [4.4], [5.5], [6.71], [6.93], [4.168],
  3. [9.779], [6.182], [7.59], [2.167], [7.042],
  4. [10.791], [5.313], [7.997], [3.1]], dtype=np.float32)
  5. y_train = np.array([[1.7], [2.76], [2.09], [3.19], [1.694], [1.573],
  6. [3.366], [2.596], [2.53], [1.221], [2.827],
  7. [3.465], [1.65], [2.904], [1.3]], dtype=np.float32)
  8. <!-- 转化tensor格式。 -->
  9. x_train = torch.from_numpy(x_train)
  10. y_train = torch.from_numpy(y_train)
  11. <!-- 这里的nn.Linear表示的是 y=w*x b,里面的两个参数都是1,表示的是x是1维,y也是1维。当然这里是可以根据你想要的输入输出维度来更改的。 -->
  12. class linearRegression(nn.Module):
  13. def __init__(self):
  14. super(linearRegression, self).__init__()
  15. self.linear = nn.Linear(1, 1) # input and output is 1 dimension
  16. def forward(self, x):
  17. out = self.linear(x)
  18. return out
  19. model = linearRegression()
  20. <!-- 定义loss和优化函数,这里使用的是最小二乘loss,之后我们做分类问题更多的使用的是cross entropy loss,交叉熵。优化函数使用的是随机梯度下降,注意需要将model的参数model.parameters()传进去让这个函数知道他要优化的参数是那些。 -->
  21. criterion = nn.MSELoss()
  22. optimizer = torch.optim.SGD(model.parameters(), lr=1e-4)
  23. <!-- 开始训练 -->
  24. num_epochs = 1000
  25. for epoch in range(num_epochs):
  26. inputs = Variable(x_train)
  27. target = Variable(y_train)
  28. # forward
  29. out = model(inputs) # 前向传播
  30. loss = criterion(out, target) # 计算loss
  31. # backward
  32. optimizer.zero_grad() # 梯度归零
  33. loss.backward() # 反向传播
  34. optimizer.step() # 更新参数
  35. if (epoch 1) % 20 == 0:
  36. print(f'Epoch[{epoch+1}/{num_epochs}], loss: {loss.item():.6f}')
  37. <!--训练完成之后我们就可以开始测试模型了-->
  38. model.eval()
  39. predict = model(Variable(x_train))
  40. predict = predict.data.numpy()
  41. <!-- 显示图例 -->
  42. fig = plt.figure(figsize=(10, 5))
  43. plt.plot(x_train.numpy(), y_train.numpy(), 'ro', label='Original data')
  44. plt.plot(x_train.numpy(), predict, label='Fitting Line')
  45. plt.legend()
  46. plt.show()
  47. <!-- 保存模型 -->
  48. torch.save(model.state_dict(), './linear.pth')

声明:本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:https://www.wpsshop.cn/w/繁依Fanyi0/article/detail/128500
推荐阅读
相关标签
  

闽ICP备14008679号