• 【从零开始学习深度学习】8.Pytorch实现softmax回归模型训练


    上一篇文章我们自己手动实现了softmax回归模型,本文我们将直接使用Pytorch提供的模型实现softmax模型,这种方式更加简便快捷。

    1. Pytorch实现softmax回归模型

    使用Pytorch来实现一个softmax回归模型。首先导入所需的包或模块。

    import torch
    from torch import nn
    from torch.nn import init
    import numpy as np
    import sys
    import d2lzh_pytorch as d2l
    
    • 1
    • 2
    • 3
    • 4
    • 5
    • 6

    1.1 获取和读取数据

    我们仍然使用Fashion-MNIST数据集和上一篇文章中设置的批量大小。

    batch_size = 256
    train_iter, test_iter = d2l.load_data_fashion_mnist(batch_size)
    
    • 1
    • 2

    1.2 定义和初始化模型

    因为softmax回归的输出层是一个全连接层,所以我们用一个线性模块就可以了。因为前面我们数据返回的每个batch样本x的形状为(batch_size, 1, 28, 28), 所以我们要先用view()x的形状转换成(batch_size, 784)才送入全连接层。

    num_inputs = 784
    num_outputs = 10
    
    class LinearNet(nn.Module):
        def __init__(self, num_inputs, num_outputs):
            super(LinearNet, self).__init__()
            self.linear = nn.Linear(num_inputs, num_outputs)
        def forward(self, x): # x shape: (batch, 1, 28, 28)
            y = self.linear(x.view(x.shape[0], -1))
            return y
        
    net = LinearNet(num_inputs, num_outputs)
    
    • 1
    • 2
    • 3
    • 4
    • 5
    • 6
    • 7
    • 8
    • 9
    • 10
    • 11
    • 12

    我们将对x的形状转换的这个功能自定义一个FlattenLayer

    class FlattenLayer(nn.Module):
        def __init__(self):
            super(FlattenLayer, self).__init__()
        def forward(self, x): # x shape: (batch, *, *, ...)
            return x.view(x.shape[0], -1)
    
    • 1
    • 2
    • 3
    • 4
    • 5

    这样我们就可以更方便地定义我们的模型:

    from collections import OrderedDict
    
    net = nn.Sequential(
        # FlattenLayer(),
        # nn.Linear(num_inputs, num_outputs)
        OrderedDict([
            ('flatten', FlattenLayer()),
            ('linear', nn.Linear(num_inputs, num_outputs))
        ])
    )
    
    • 1
    • 2
    • 3
    • 4
    • 5
    • 6
    • 7
    • 8
    • 9
    • 10

    然后,我们使用均值为0、标准差为0.01的正态分布随机初始化模型的权重参数。

    init.normal_(net.linear.weight, mean=0, std=0.01)
    init.constant_(net.linear.bias, val=0) 
    
    • 1
    • 2

    1.3 softmax和交叉熵损失函数

    PyTorch提供了一个包括softmax运算和交叉熵损失计算的函数CrossEntropyLoss。

    loss = nn.CrossEntropyLoss()
    
    • 1

    1.4 定义优化算法

    我们使用学习率为0.1的小批量随机梯度下降作为优化算法。

    optimizer = torch.optim.SGD(net.parameters(), lr=0.1)
    
    • 1

    1.5 训练模型

    接下来,我们使用上一节中定义的训练函数来训练模型。

    num_epochs = 5
    d2l.train_ch3(net, train_iter, test_iter, loss, num_epochs, batch_size, None, None, optimizer)
    
    • 1
    • 2

    输出:

    epoch 1, loss 0.0031, train acc 0.745, test acc 0.790
    epoch 2, loss 0.0022, train acc 0.812, test acc 0.807
    epoch 3, loss 0.0021, train acc 0.825, test acc 0.806
    epoch 4, loss 0.0020, train acc 0.832, test acc 0.810
    epoch 5, loss 0.0019, train acc 0.838, test acc 0.823
    
    • 1
    • 2
    • 3
    • 4
    • 5

    1.6 完整代码

    import torch
    from torch import nn
    from torch.nn import init
    import numpy as np
    import sys
    import d2lzh_pytorch as d2l
    
    batch_size = 256
    train_iter, test_iter = d2l.load_data_fashion_mnist(batch_size)
    
    num_inputs = 784
    num_outputs = 10
    
    class LinearNet(nn.Module):
        def __init__(self, num_inputs, num_outputs):
            super(LinearNet, self).__init__()
            self.linear = nn.Linear(num_inputs, num_outputs)
        def forward(self, x): # x shape: (batch, 1, 28, 28)
            y = self.linear(x.view(x.shape[0], -1))
            return y
        
    # 将图片进行展开
    class FlattenLayer(nn.Module):
        def __init__(self):
            super(FlattenLayer, self).__init__()
        def forward(self, x): # x shape: (batch, *, *, ...)
            return x.view(x.shape[0], -1)
        
    
    # 定义模型
    from collections import OrderedDict
    
    net = nn.Sequential(
        # FlattenLayer(),
        # nn.Linear(num_inputs, num_outputs)
        OrderedDict([
            ('flatten', FlattenLayer()),
            ('linear', nn.Linear(num_inputs, num_outputs))
        ])
    )
    
    # 初始化模型
    init.normal_(net.linear.weight, mean=0, std=0.01)
    init.constant_(net.linear.bias, val=0) 
    
    # 损失函数
    loss = nn.CrossEntropyLoss()
    
    # 使用学习率为0.1的小批量随机梯度下降作为优化算法
    optimizer = torch.optim.SGD(net.parameters(), lr=0.1)
    
    num_epochs = 5
    
    d2l.train_ch3(net, train_iter, test_iter, loss, num_epochs, batch_size, None, None, optimizer)
    
    • 1
    • 2
    • 3
    • 4
    • 5
    • 6
    • 7
    • 8
    • 9
    • 10
    • 11
    • 12
    • 13
    • 14
    • 15
    • 16
    • 17
    • 18
    • 19
    • 20
    • 21
    • 22
    • 23
    • 24
    • 25
    • 26
    • 27
    • 28
    • 29
    • 30
    • 31
    • 32
    • 33
    • 34
    • 35
    • 36
    • 37
    • 38
    • 39
    • 40
    • 41
    • 42
    • 43
    • 44
    • 45
    • 46
    • 47
    • 48
    • 49
    • 50
    • 51
    • 52
    • 53
    • 54

    如果内容对你有帮助,感谢点赞+关注哦!

    关注下方GZH,可获取更多干货内容~欢迎共同学习交流

  • 相关阅读:
    【验证用户输入的日期格式是否正确——工具类SimpleDateFormat类的使用】
    一键安装|卸载 mysql 8.2.0 shell脚本
    【宝塔】python项目管理器虚拟环境bin没有activate导致计划任务运行不了python项目管理器找不到activate解决办法
    ResNet 原理与代码复现
    魔兽世界地图插件制作代码
    php实战案例记录(22)smarty模版引擎数组循环的方式
    修正emulec4.5编译nfs.utils的rpc/rpc.h no such file错误
    javase_io_异常_回顾
    【Linux】进程地址空间
    IDEA设置背景为自定义照片
  • 原文地址:https://blog.csdn.net/qq_42589613/article/details/128185550