动手深度学习v2 线性神经网络代码分析 基于pytorch


前言

记录沐神动手深度mj学习的过程,欢迎指出错误。😀2022.3.20修改一次
分析动手深度学习的代码 这里的
pytorch文档 英文可以的可以自己查找


一、线性回归的从零开始实现

1.引入库

%matplotlib inline
import random
import torch
from d2l import torch as d2l

2.生成数据集

def synthetic_data(w, b, num_examples):  #@save
    """生成 y = Xw + b + 噪声,
    @save是指保存到d21下面方便下次使用"""
    X = torch.normal(0, 1, (num_examples, len(w)))#正态分布生成X
    y = torch.matmul(X, w) + b 					#X乘以w 
    y += torch.normal(0, 0.01, y.shape)			#加噪声
    return X, y.reshape((-1, 1))

true_w = torch.tensor([2, -3.4])				#w,b 随便取个值
true_b = 4.2
features, labels = synthetic_data(true_w, true_b, 1000)

3. 读取数据集

def data_iter(batch_size, features, labels):
    num_examples = len(features)
    indices = list(range(num_examples))
    #打乱样本,随机读取
    random.shuffle(indices)
    for i in range(0, num_examples, batch_size):
        batch_indices = torch.tensor(
        #min的意思是防止下标i+batch_size超过num_examlple
            indices[i: min(i + batch_size, num_examples)]) 
 		# 可以成每次返回一个,可以先看成return
        yield features[batch_indices], labels[batch_indices]

4.初始化模型参数


batch_size = 10
'''初始化模型参数'''
'''我们要设计一个自己创造一个w,b去梯度下降逼近我们前面设置的真实值'''
w = torch.normal(0, 0.01, size=(2,1), requires_grad=True) 
b = torch.zeros(1, requires_grad=True)

pytorch自动求导的底层分析

因为这里第一次用了自动求导,这是我看到的比较细的分析
自动求导

5.定义模型

def linreg(X, w, b):  #@save
    """线性回归模型。"""
    return torch.matmul(X, w) + b
    
def squared_loss(y_hat, y):  #@save
    """均方损失。"""
    return (y_hat - y.reshape(y_hat.shape)) ** 2 / 2
    
def sgd(params, lr, batch_size):  #@save
    """小批量随机梯度下降。"""
    with torch.no_grad():
        for param in params:
            param -= lr * param.grad / batch_size	#batch因为训练的代码有个sum
            param.grad.zero_()					# 清除的梯度值,也就是重新赋值为0

6.训练

lr = 0.03
num_epochs = 3
net = linreg
loss = squared_loss

for epoch in range(num_epochs):
    for X, y in data_iter(batch_size, features, labels):
        l = loss(net(X, w, b), y)  # `X`和`y`的小批量损失
        # 因为`l`形状是(`batch_size`, 1),而不是一个标量。`l`中的所有元素被加到一起,
        # 并以此计算关于[`w`, `b`]的梯度
        l.sum().backward()
        sgd([w, b], lr, batch_size)  # 使用参数的梯度更新参数
    with torch.no_grad():			#这里表示只想看训练的结果,并不反向更新参数
        train_l = loss(net(features, w, b), labels)
        print(f'epoch {epoch + 1}, loss {float(train_l.mean()):f}')

二、线性回归的简洁实现

跟第一个差不多,用了第一个构造的函数

import numpy as np
import torch
from torch.utils import data
from d2l import torch as d2l
true_w = torch.tensor([2, -3.4])
true_b = 4.2
features, labels = d2l.synthetic_data(true_w, true_b, 1000)

1.读取数据集

def load_array(data_arrays, batch_size, is_train=True):  #@save
    """构造一个PyTorch数据迭代器。"""
    dataset = data.TensorDataset(*data_arrays)
    '''data_arrays我的理解*是把多个数据传到data.TensorDataset里面,不加*会出错
    产生这个'tuple' object has no attribute 'size' '''
    return data.DataLoader(dataset, batch_size, shuffle=is_train)
batch_size = 10
data_iter = load_array((features, labels), batch_size)

2.定义模型

# `nn` 是神经网络的缩写
from torch import nn
# 输入为2,输出为1
net = nn.Sequential(nn.Linear(2, 1))

3.初始化模型参数

net[0].weight.data.normal_(0, 0.01) #注意有_
net[0].bias.data.fill_(0)

4. 定义损失函数

loss = nn.MSELoss()

5.定义优化算法

trainer = torch.optim.SGD(net.parameters(), lr=0.03)

6.训练

num_epochs = 3
for epoch in range(num_epochs):
    for X, y in data_iter:
        l = loss(net(X) ,y)
        trainer.zero_grad()
        l.backward()        //自动做了sum
        trainer.step()		//进行一下梯度更新
    l = loss(net(features), labels)
    print(f'epoch {epoch + 1}, loss {l:f}')

总结

对代码理解感觉还不是特别透彻…
2020.3.20 去准备托福去了,前几天去看了看pytorch的文档,现在感觉没什么问题了

参考:1.torch.matmul()
2.with torch.no_grad()
3yield介绍
4.自动求导的底层分析

  • 2
    点赞
  • 6
    收藏
    觉得还不错? 一键收藏
  • 0
    评论
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

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

余额充值