刘二大人 Linear Regression with PyTorch代码实现

Linear Regression with PyTorch代码实现

Linear Regression with PyTorch

  • 步骤
    • Prepare dataset
    • Design model using Class
    • Construct loss and optimizer
    • Training cycle

步骤

引入库

import torch
import numpy as np
import matplotlib.pyplot as plt

Prepare dataset

#准备数据,用Tensor张量表示
x_data = torch.Tensor([[1.0],[2.0],[3.0]])
y_data = torch.Tensor([[2.0],[4.0],[6.0]])

Design model using Class

#将线性模型定义为一个类,nn的意思是神经网络neural network.所有的模型都要从nn.Module模块继承下来。
class LinearModel(torch.nn.Module):
    #初始化自身对象
    def __init__(self):
        #super调用父类初始化器
        super(LinearModel, self).__init__()
        #构造一个线性函数
        self.linear = torch.nn.Linear(1, 1) #输入维度 输出维度
     
    #前馈任务所要进行的计算
    def forward(self, x):
        y_pred = self.linear(x)
        return y_pred

#实例化对象
model = LinearModel()

Construct loss and optimizer

#构造均方差损失,设置降维求和
criterion = torch.nn.MSELoss(reduction='sum')
#用优化模块中的SGD优化模型中所有的参数,学习率为0.01
optimizer = torch.optim.SGD(model.parameters(), lr=0.01)
epoch_list = []
loss_list = []

Training cycle

#循环100次
for epoch in range(100):
    #计算y的预测值
    y_pred = model(x_data)
    #计算损失
    loss = criterion(y_pred,y_data)
    #输出循环次数和损失
    print(epoch,loss)
    
    #用优化器将梯度归零
    optimizer.zero_grad()
    #反向传播
    loss.backward()
    #step更新权重
    optimizer.step()
    
    epoch_list.append(epoch)
    loss_list.append(loss.item())

#输出权重w,item是转换为标量,只显示数值
print('w = ', model.linear.weight.item())
#输出偏置b,item是转换为标量,只显示数值
print('b = ', model.linear.bias.item())
plt.plot(epoch_list, loss_list)
plt.xlabel('Epoch')
plt.ylabel('Loss')
plt.show()

#设测试x的值为4,是1×1的矩阵
x_test = torch.Tensor([[4.0]])
#将x=4代入模型中,求y
y_test = model(x_test)
#输出y。y是1×1的矩阵后面要跟data,输出y的数值
print('y_pred = ', y_test.data)

刘二大人 Linear Regression with PyTorch代码实现_第1张图片
刘二大人 Linear Regression with PyTorch代码实现_第2张图片

#在线性空间中以均匀步长生成数字序列(在0-10之间取200个点,包括0和10)
x = np.linspace(0, 10, 200)
#torch.Tensor将x变成张量,view将这个张量变成200行,1列的矩阵
x_t = torch.Tensor(x).view((200, 1))
#将x代入模型求出y
y_t = model(x_t)
#将y里面的数据用numpy提取出来一个数组
y = y_t.data.numpy()
#绘图,设置x,y
plt.plot(x,y)
#设置图形颜色
plt.plot(c='r')
#显示网格
plt.grid()
#展示
plt.show()

刘二大人 Linear Regression with PyTorch代码实现_第3张图片

你可能感兴趣的:(Pytorch,pytorch,机器学习,深度学习)