《动手学深度学习》(PyTorch版)代码注释 - 4 【Softmaxs_regression_with_simple_way】

说明

本博客代码来自开源项目:《动手学深度学习》(PyTorch版)
并且在博主学习的理解上对代码进行了大量注释,方便理解各个函数的原理和用途

配置环境

使用环境:python3.8
平台:Windows10
IDE:PyCharm

此节说明

此节对应书本上3.7节
此节功能为:softmax回归的简洁实现
由于次节相对复杂,代码注释量较多

代码

# 本书链接https://tangshusen.me/Dive-into-DL-PyTorch/#/chapter03_DL-basics/3.6_softmax-regression-scratch
# 3.7节
#注释:黄文俊
#邮箱:hurri_cane@qq.com
import torch
from torch import nn
from torch.nn import init
import numpy as np
import sys
sys.path.append("..")
import d2lzh_pytorch as d2l
from collections import OrderedDict


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
# net = LinearNet(num_inputs, num_outputs)
# print(net) # 使用print可以打印出网络的结构



# 本函数已保存在d2lzh_pytorch包中方便以后使用
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)

#搭建网络
#搭建网络有多种方法:见3.3.3 线性回归的简洁实现中的定义模型一节
#链接:https://tangshusen.me/Dive-into-DL-PyTorch/#/chapter03_DL-basics/3.3_linear-regression-pytorch?id=_333-%e5%ae%9a%e4%b9%89%e6%a8%a1%e5%9e%8b
net = nn.Sequential(
    # 写法一
    # FlattenLayer(),
    # nn.Linear(num_inputs, num_outputs)
    # 写法三
    OrderedDict([
        ('flatten', FlattenLayer()),
        #FlattenLayer为展平层,将输入进来的特征进行展平,如输入28*28的图像展平为1*784
        ('linear', nn.Linear(num_inputs, num_outputs))
    ])
)

init.normal_(net.linear.weight, mean=0, std=0.01)   #设置网络中的线性层net.linear的权重值为均值为0标准差为0.01的正态分布(Normal distribution)

init.constant_(net.linear.bias, val=0)              #设置网络中的线性层net.linear的误差值为常数(constant)0

loss = nn.CrossEntropyLoss()                        #调用模块定义交叉熵函数

optimizer = torch.optim.SGD(net.parameters(), lr=0.1)#指定学习率为0.1的小批量随机梯度下降(SGD)为优化算法

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


print("*"*30)

  • 0
    点赞
  • 2
    收藏
    觉得还不错? 一键收藏
  • 打赏
    打赏
  • 0
    评论

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包

打赏作者

Hurri_cane

你的鼓励将是我创作的最大动力

¥1 ¥2 ¥4 ¥6 ¥10 ¥20
扫码支付:¥1
获取中
扫码支付

您的余额不足,请更换扫码支付或充值

打赏作者

实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值