%matplotlib inline //绘图函数
import random
import torch
from d2l import torch as d2l //d2l是一个包
def synthetic_data(w, b, num_examples):
"""生成 y = Xw + b + 噪声。"""
X = torch.normal(0, 1, (num_examples, len(w)))
// torch.normal(A, B ,size(C, D), requires_grad=True) A表示均值,B表示标准差,C表示生成的数据行数,D表示列数,requires_grad=True表示对导数开始记录,可以忽略
y = torch.matmul(X, w) + b
//torch.matmul表示乘法,x和权值w向乘
y += torch.normal(0, 0.01, y.shape)
//随即噪音的值
return X, y.reshape((-1, 1))
true_w = torch.tensor([2, -3.4])
//torch.tensor用于生成新的张量
true_b = 4.2
features, labels = synthetic_data(true_w, true_b, 1000)
//真实值
def data_iter(batch_size, features, labels):
//批量大小 特征矩阵 标签向量
num_examples = len(features) //样本数
indices = list(range(num_examples))
// # 这些样本是随机读取的,没有特定的顺序
random.shuffle(indices)
//shuffle() 方法将序列的所有元素随机排序
for i in range(0, num_examples, batch_size):
batch_indices = torch.tensor(
indices[i: min(i + batch_size, num_examples)]) //从i开始,间隔为batch_size
yield features[batch_indices], labels[batch_indices]
w = torch.normal(0, 0.01, size=(2,1), requires_grad=True)
b = torch.zeros(1, requires_grad=True)
//全为0的张量
def linreg(X, w, b):
"""线性回归模型。"""
return torch.matmul(X, w) + b
def squared_loss(y_hat, y):
"""均方损失。"""
return (y_hat - y.reshape(y_hat.shape)) ** 2 / 2
def sgd(params, lr, batch_size):
"""小批量随机梯度下降。"""
with torch.no_grad(): //更新的时候不需要计算梯度
// with是python中上下文管理器,被with包起来的代码部分不会track梯度
for param in params:
param -= lr * param.grad / batch_size
param.grad.zero_()
//梯度设为0
lr = 0.03 //超参数 学习率不能太大 或太小
num_epochs = 3 //数据扫3遍
net = linreg
loss = squared_loss
for epoch in range(num_epochs): //数据n遍
for X, y in data_iter(batch_size, features, labels): //每次拿出一个批量大小的x y
l = loss(net(X, w, b), y) //# `X`和`y`的小批量损失
// # 因为`l`形状是(`batch_size`, 1),而不是一个标量。`l`中的所有元素被加到一起,
// # 并以此计算关于[`w`, `b`]的梯度
l.sum().backward()
//自动求导函数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}')
PyTorch中,data模块提供了数据处理工具,nn模块定义了大量的神经网络层和常见损失函数。
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)
def load_array(data_arrays, batch_size, is_train=True):
//"""构造一个PyTorch数据迭代器。"""
dataset = data.TensorDataset(*data_arrays)
//TensorDataset可以用来对tensor进行打包,like zip功能
return data.DataLoader(dataset, batch_size, shuffle=is_train)
//DataLoader 用来包装所使用的数据,每次抛出一批数据
batch_size = 10
data_iter = load_array((features, labels), batch_size)
//# `nn` 是神经网络的缩写
from torch import nn
net = nn.Sequential(nn.Linear(2, 1))
//torch.nn.Sequential 类是 torch.nn 中的一种序列容器,通过在容器中嵌套各种实现神经网络中具体功能相关的类,来完成对神经网络模型的搭建,最主要的是,参数会按照我们定义好的序列自动传递下去。
net[0].weight.data.normal_(0, 0.01)
net[0].bias.data.fill_(0)
loss = nn.MSELoss()
trainer = torch.optim.SGD(net.parameters(), lr=0.03)
//第一个参数包括权重w和偏差b等 第二个参数是学习率
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()
trainer.step()
l = loss(net(features), labels)
print(f'epoch {epoch + 1}, loss {l:f}')