人工智能 作业3:例题复现 使用Pytorch实现反向传播

人工智能 作业3:例题复现 使用Pytorch实现反向传播,第1张

目录:
  • 例题复现:使用深度学习框架Pytorch显示反向传播
  • 对比:手动和使用Pytorch实现反向传播
    • 结果对比
    • 实现方法对比
  • 激活函数修改
    • 使用Pytorch自带函数torch.sigmmod
    • 使用Relu
  • 损失函数修改
    • 使用Pytoch自带函数t.nn.MSELose
    • 使用交叉熵
  • 其他参数修改
    • 改变步长和训练次数
    • 权值改为随机数
  • 总结:心得体会
  • 参考文章

例题复现:使用深度学习框架Pytorch显示反向传播

激活函数使用sigmoid函数

损失函数使用均方误差方法

完整程序代码

import torch

x1, x2 = torch.Tensor([0.5]), torch.Tensor([0.3])
y1, y2 = torch.Tensor([0.23]), torch.Tensor([-0.07])
print("=====输入值:x1, x2;真实输出值:y1, y2=====")
print(x1, x2, y1, y2)
w1, w2, w3, w4, w5, w6, w7, w8 = torch.Tensor([0.2]), torch.Tensor([-0.4]), torch.Tensor([0.5]), torch.Tensor(
    [0.6]), torch.Tensor([0.1]), torch.Tensor([-0.5]), torch.Tensor([-0.3]), torch.Tensor([0.8])  # 权重初始值
w1.requires_grad = True
w2.requires_grad = True
w3.requires_grad = True
w4.requires_grad = True
w5.requires_grad = True
w6.requires_grad = True
w7.requires_grad = True
w8.requires_grad = True


def sigmoid(z):
    a = 1 / (1 + torch.exp(-z))
    return a


def forward_propagate(x1, x2):
    in_h1 = w1 * x1 + w3 * x2
    out_h1 = sigmoid(in_h1)  # out_h1 = torch.sigmoid(in_h1)
    in_h2 = w2 * x1 + w4 * x2
    out_h2 = sigmoid(in_h2)  # out_h2 = torch.sigmoid(in_h2)

    in_o1 = w5 * out_h1 + w7 * out_h2
    out_o1 = sigmoid(in_o1)  # out_o1 = torch.sigmoid(in_o1)
    in_o2 = w6 * out_h1 + w8 * out_h2
    out_o2 = sigmoid(in_o2)  # out_o2 = torch.sigmoid(in_o2)

    print("正向计算:o1 ,o2")
    print(out_o1.data, out_o2.data)

    return out_o1, out_o2


def loss_fuction(x1, x2, y1, y2):  # 损失函数
    y1_pred, y2_pred = forward_propagate(x1, x2)  # 前向传播
    loss = (1 / 2) * (y1_pred - y1) ** 2 + (1 / 2) * (y2_pred - y2) ** 2  # 考虑 : t.nn.MSELoss()
    print("损失函数(均方误差):", loss.item())
    return loss


def update_w(w1, w2, w3, w4, w5, w6, w7, w8):
    # 步长
    step = 1
    w1.data = w1.data - step * w1.grad.data
    w2.data = w2.data - step * w2.grad.data
    w3.data = w3.data - step * w3.grad.data
    w4.data = w4.data - step * w4.grad.data
    w5.data = w5.data - step * w5.grad.data
    w6.data = w6.data - step * w6.grad.data
    w7.data = w7.data - step * w7.grad.data
    w8.data = w8.data - step * w8.grad.data
    w1.grad.data.zero_()  # 注意:将w中所有梯度清零
    w2.grad.data.zero_()
    w3.grad.data.zero_()
    w4.grad.data.zero_()
    w5.grad.data.zero_()
    w6.grad.data.zero_()
    w7.grad.data.zero_()
    w8.grad.data.zero_()
    return w1, w2, w3, w4, w5, w6, w7, w8


if __name__ == "__main__":

    print("=====更新前的权值=====")
    print(w1.data, w2.data, w3.data, w4.data, w5.data, w6.data, w7.data, w8.data)

    for i in range(10):
        print("\n=====第" + str(i) + "轮=====")
        L = loss_fuction(x1, x2, y1, y2)  # 前向传播,求 Loss,构建计算图
        L.backward()  # 自动求梯度,不需要人工编程实现。反向传播,求出计算图中所有梯度存入w中
        print("grad W: ", round(w1.grad.item(), 2), round(w2.grad.item(), 2), round(w3.grad.item(), 2),
              round(w4.grad.item(), 2), round(w5.grad.item(), 2), round(w6.grad.item(), 2), round(w7.grad.item(), 2),
              round(w8.grad.item(), 2))
        w1, w2, w3, w4, w5, w6, w7, w8 = update_w(w1, w2, w3, w4, w5, w6, w7, w8)

    print("更新后的权值")
    print(w1.data, w2.data, w3.data, w4.data, w5.data, w6.data, w7.data, w8.data)

实验结果

对比:手动和使用Pytorch实现反向传播

将作业二(手动实现反向传播)和作业三(使用Pytorch实现反向传播)进行对比

结果对比


使用手动方法实现反向传播出现错误结果,而使用Pytorch则结果正确。

实现方法对比

手动现实反向传播在模型的层数较少时是一个不错的方法,但是当层数较多时,手动实现就会容易出现错误。
而使用Pytorch实现反向传播是一个更好的选择,只需要调用backward即可获得梯度,效率和结果正确率都更高。

激活函数修改 使用Pytorch自带函数torch.sigmmod

使用Pytoch中自带的torch.sigmoid函数代替sigmoid函数。

运行结果

=====输入值:x1, x2;真实输出值:y1, y2=====
tensor([0.5000]) tensor([0.3000]) tensor([0.2300]) tensor([-0.0700])
=====更新前的权值=====
tensor([0.2000]) tensor([-0.4000]) tensor([0.5000]) tensor([0.6000]) tensor([0.1000]) tensor([-0.5000]) tensor([-0.3000]) tensor([0.8000])

=====0=====
正向计算:o1 ,o2
tensor([0.4769]) tensor([0.5287])
损失函数(均方误差): 0.2097097933292389
grad W:  -0.01 0.01 -0.01 0.01 0.03 0.08 0.03 0.07

=====1=====
正向计算:o1 ,o2
tensor([0.4685]) tensor([0.5072])
损失函数(均方误差): 0.19503259658813477
grad W:  -0.01 0.01 -0.01 0.01 0.03 0.08 0.03 0.07

=====2=====
正向计算:o1 ,o2
tensor([0.4604]) tensor([0.4864])
损失函数(均方误差): 0.1813509315252304
grad W:  -0.01 0.01 -0.01 0.01 0.03 0.08 0.03 0.07

=====3=====
正向计算:o1 ,o2
tensor([0.4526]) tensor([0.4664])
损失函数(均方误差): 0.16865134239196777
grad W:  -0.01 0.01 -0.01 0.0 0.03 0.08 0.03 0.07

=====4=====
正向计算:o1 ,o2
tensor([0.4451]) tensor([0.4473])
损失函数(均方误差): 0.15690487623214722
grad W:  -0.01 0.01 -0.01 0.0 0.03 0.07 0.03 0.06

=====5=====
正向计算:o1 ,o2
tensor([0.4378]) tensor([0.4290])
损失函数(均方误差): 0.14607082307338715
grad W:  -0.01 0.0 -0.01 0.0 0.03 0.07 0.02 0.06

=====6=====
正向计算:o1 ,o2
tensor([0.4307]) tensor([0.4116])
损失函数(均方误差): 0.1361003816127777
grad W:  -0.01 0.0 -0.01 0.0 0.03 0.07 0.02 0.06

=====7=====
正向计算:o1 ,o2
tensor([0.4239]) tensor([0.3951])
损失函数(均方误差): 0.1269397884607315
grad W:  -0.01 0.0 -0.01 0.0 0.03 0.06 0.02 0.05

=====8=====
正向计算:o1 ,o2
tensor([0.4173]) tensor([0.3794])
损失函数(均方误差): 0.11853284388780594
grad W:  -0.01 0.0 -0.01 0.0 0.03 0.06 0.02 0.05

=====9=====
正向计算:o1 ,o2
tensor([0.4109]) tensor([0.3647])
损失函数(均方误差): 0.11082295328378677
grad W:  -0.02 0.0 -0.01 0.0 0.03 0.06 0.02 0.05
更新后的权值
tensor([0.3273]) tensor([-0.4547]) tensor([0.5764]) tensor([0.5672]) tensor([-0.1985]) tensor([-1.2127]) tensor([-0.5561]) tensor([0.1883])
使用Relu

使用Relu函数代替sigmoid

运行结果

=====输入值:x1, x2;真实输出值:y1, y2=====
tensor([0.5000]) tensor([0.3000]) tensor([0.2300]) tensor([-0.0700])
=====更新前的权值=====
tensor([0.2000]) tensor([-0.4000]) tensor([0.5000]) tensor([0.6000]) tensor([0.1000]) tensor([-0.5000]) tensor([-0.3000]) tensor([0.8000])

=====0=====
正向计算:o1 ,o2
tensor([0.0250]) tensor([0.])
损失函数(均方误差): 0.023462500423192978
grad W:  -0.01 0.0 -0.01 0.0 -0.05 0.0 -0.0 0.0

=====1=====
正向计算:o1 ,o2
tensor([0.0389]) tensor([0.])
损失函数(均方误差): 0.020715968683362007
grad W:  -0.01 0.0 -0.01 0.0 -0.05 0.0 0.0 0.0

=====2=====
正向计算:o1 ,o2
tensor([0.0535]) tensor([0.])
损失函数(均方误差): 0.01803365722298622
grad W:  -0.02 0.0 -0.01 0.0 -0.05 0.0 0.0 0.0

=====3=====
正向计算:o1 ,o2
tensor([0.0690]) tensor([0.])
损失函数(均方误差): 0.015410471707582474
grad W:  -0.02 0.0 -0.01 0.0 -0.04 0.0 0.0 0.0

=====4=====
正向计算:o1 ,o2
tensor([0.0855]) tensor([0.])
损失函数(均方误差): 0.012893404811620712
grad W:  -0.02 0.0 -0.01 0.0 -0.04 0.0 0.0 0.0

=====5=====
正向计算:o1 ,o2
tensor([0.1026]) tensor([0.])
损失函数(均方误差): 0.010560503229498863
grad W:  -0.02 0.0 -0.01 0.0 -0.04 0.0 0.0 0.0

=====6=====
正向计算:o1 ,o2
tensor([0.1200]) tensor([0.])
损失函数(均方误差): 0.008496038615703583
grad W:  -0.02 0.0 -0.01 0.0 -0.04 0.0 0.0 0.0

=====7=====
正向计算:o1 ,o2
tensor([0.1371]) tensor([0.])
损失函数(均方误差): 0.006765476893633604
grad W:  -0.02 0.0 -0.01 0.0 -0.03 0.0 0.0 0.0

=====8=====
正向计算:o1 ,o2
tensor([0.1532]) tensor([0.])
损失函数(均方误差): 0.005397447384893894
grad W:  -0.02 0.0 -0.01 0.0 -0.03 0.0 0.0 0.0

=====9=====
正向计算:o1 ,o2
tensor([0.1679]) tensor([0.])
损失函数(均方误差): 0.004378797020763159
grad W:  -0.01 0.0 -0.01 0.0 -0.02 0.0 0.0 0.0
更新后的权值
tensor([0.3757]) tensor([-0.4000]) tensor([0.6054]) tensor([0.6000]) tensor([0.4892]) tensor([-0.5000]) tensor([-0.3000]) tensor([0.8000])
损失函数修改 使用Pytoch自带函数t.nn.MSELose


运行结果

=====输入值:x1, x2;真实输出值:y1, y2=====
tensor([0.5000]) tensor([0.3000]) tensor([0.2300]) tensor([-0.0700])
=====更新前的权值=====
tensor([0.2000]) tensor([-0.4000]) tensor([0.5000]) tensor([0.6000]) tensor([0.1000]) tensor([-0.5000]) tensor([-0.3000]) tensor([0.8000])

=====0=====
正向计算:o1 ,o2
tensor([0.0250]) tensor([0.])
损失函数(均方误差): 0.023462500423192978
grad W:  -0.01 0.0 -0.01 0.0 -0.05 0.0 -0.0 0.0

=====1=====
正向计算:o1 ,o2
tensor([0.0389]) tensor([0.])
损失函数(均方误差): 0.020715968683362007
grad W:  -0.01 0.0 -0.01 0.0 -0.05 0.0 0.0 0.0

=====2=====
正向计算:o1 ,o2
tensor([0.0535]) tensor([0.])
损失函数(均方误差): 0.01803365722298622
grad W:  -0.02 0.0 -0.01 0.0 -0.05 0.0 0.0 0.0

=====3=====
正向计算:o1 ,o2
tensor([0.0690]) tensor([0.])
损失函数(均方误差): 0.015410471707582474
grad W:  -0.02 0.0 -0.01 0.0 -0.04 0.0 0.0 0.0

=====4=====
正向计算:o1 ,o2
tensor([0.0855]) tensor([0.])
损失函数(均方误差): 0.012893404811620712
grad W:  -0.02 0.0 -0.01 0.0 -0.04 0.0 0.0 0.0

=====5=====
正向计算:o1 ,o2
tensor([0.1026]) tensor([0.])
损失函数(均方误差): 0.010560503229498863
grad W:  -0.02 0.0 -0.01 0.0 -0.04 0.0 0.0 0.0

=====6=====
正向计算:o1 ,o2
tensor([0.1200]) tensor([0.])
损失函数(均方误差): 0.008496038615703583
grad W:  -0.02 0.0 -0.01 0.0 -0.04 0.0 0.0 0.0

=====7=====
正向计算:o1 ,o2
tensor([0.1371]) tensor([0.])
损失函数(均方误差): 0.006765476893633604
grad W:  -0.02 0.0 -0.01 0.0 -0.03 0.0 0.0 0.0

=====8=====
正向计算:o1 ,o2
tensor([0.1532]) tensor([0.])
损失函数(均方误差): 0.005397447384893894
grad W:  -0.02 0.0 -0.01 0.0 -0.03 0.0 0.0 0.0

=====9=====
正向计算:o1 ,o2
tensor([0.1679]) tensor([0.])
损失函数(均方误差): 0.004378797020763159
grad W:  -0.01 0.0 -0.01 0.0 -0.02 0.0 0.0 0.0
更新后的权值
tensor([0.3757]) tensor([-0.4000]) tensor([0.6054]) tensor([0.6000]) tensor([0.4892]) tensor([-0.5000]) tensor([-0.3000]) tensor([0.8000])
使用交叉熵

其他参数修改 改变步长和训练次数

改变步长

修改迭代次数

权值改为随机数

将权值w1到w8修改为随机值:

w1, w2, w3, w4, w5, w6, w7, w8 = torch.randn(1), torch.randn(1), torch.randn(1), torch.randn(1), torch.randn(1), torch.randn(1), torch.randn(1), torch.randn(1)

运行程序,随机生成的权值:

=====更新前的权值=====
tensor([0.4919]) tensor([1.6156]) tensor([1.2897]) tensor([-0.7796]) tensor([-0.2171]) tensor([0.8799]) tensor([1.4332]) tensor([-1.1754])
总结:心得体会

1.实现反向传播计算梯度时,使用Pytorch实现方法能更高效率地计算,并且得到更准确的结果。
2.在对步长进行修改是不能修改数值过大,当数值较大时会出现结果不能稳定收敛地情况。
3.将权值使用随机数代替,可以使结果有更好的收敛性(有待商榷),更符合机器学习的真实环境。

参考文章

【2021-2022 春学期】人工智能-作业3:例题程序复现 PyTorch版
人工智能-作业2:例题程序复现

深入理解ReLU函数(ReLU函数的可解释性)

欢迎分享,转载请注明来源:内存溢出

原文地址: http://outofmemory.cn/langs/904849.html

(0)
打赏 微信扫一扫 微信扫一扫 支付宝扫一扫 支付宝扫一扫
上一篇 2022-05-15
下一篇 2022-05-15

发表评论

登录后才能评论

评论列表(0条)

保存