【pytorch】线性回归模型
程序员文章站
2022-04-09 21:22:15
...
线性回归是机器学习中最简单的模型了,简单来说就是给定一定的数据点,我们需要给定一条直线y=w*x+b,确定w和b的取值,让所有数据点到这条线的距离最短。
在进行回归的时候我们使用均方差作为损失函数,训练的目标就是让损失函数的值最小。
下面这段代码是可以跑通的
#coding=utf-8
"""
一阶线性回归
"""
import numpy as np
import torch
from torch import nn
from torch import optim
from torch.autograd import Variable
import matplotlib.pyplot as plt
#先给一些数据点
x_train_ = np.array([[3.3], [4.4], [5.5], [6.71], [6.93], [4.168], [9.779],
[6.182], [7.59], [2.167], [7.042], [10.791], [5.313], [7.997],
[3.1]], dtype=np.float32)
y_train_ = np.array([[1.7], [2.76], [2.09], [3.19], [1.694], [1.573], [3.366],
[2.596], [2.53], [1.221], [2.827], [1.65], [3.465], [2.904],
[1.3]], dtype=np.float32)
#将numpy.arrray转换成tensor
x_train = torch.from_numpy(x_train_)
y_train = torch.from_numpy(y_train_)
#建立线性回归模型
class LinearRegression(nn.Module):
def __init__(self):
super(LinearRegression, self).__init__()
self.linear = nn.Linear(1, 1) #输入和输出都是1维的
def forward(self, x):
out = self.linear(x)
return out
#判断是否支持cuda,支持的话就将数据装载入gpu
if torch.cuda.is_available():
model = LinearRegression().cuda()
x_train = x_train.cuda()
y_train = y_train.cuda()
else:
model = LinearRegression()
#我们定义一个简单的回归模型 y=wx + b
#定义损失函数和优化方法
#损失函数为均方误差
#使用梯度下降法进行优化,步长为1e-3
criterion = nn.MSELoss()
optimizer = optim.SGD(model.parameters(), lr=1e-3)
#下面开始训练模型
num_epochs = 1000
for epoch in range(num_epochs):
if torch.cuda.is_available():
inputs = Variable(x_train).cuda()
target = Variable(y_train).cuda()
else:
inputs = Variable(x_train)
target = Variable(y_train)
#前向传播
out = model(inputs)
loss = criterion(out, target)
#反向传播
optimizer.zero_grad() #将梯度清零
loss.backward() #反向传播求梯度
optimizer.step()
#每训练20次打印一次结果
if (epoch+1)%20 == 0:
print("Epoch[{}/{}], loss:{:.6f}".format(epoch+1, num_epochs, loss.item()))
#预测一下结果
model.eval()
predict = model(Variable(x_train))
predict = predict.data.cpu()
predict = predict.numpy() #这里需要先将tensor变成numpy才能在plot中绘制
plt.plot(x_train_, y_train_, "ro", label="Original data")
plt.plot(x_train_, predict, label="Fitting Line")
plt.legend()
plt.show()
最后得到的模型如下
训练次数1000是书上给的,我后来增加了训练次数,发现增加到24000左右的时候就收敛了,损失函数值就不改变了,所以书上给的1000次的训练应该是不充分。训练24000次后的模型如下
上一篇: Java获取图片EXIF格式的元数据
下一篇: Laravel Console 任务传值