线性回归的从零开始实现

引入一些常用的包

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

产生随机数据

def synthetic_data(w, b, num_examples):  #@save
    """生成y=Xw+b+噪声"""
    #均值0 方差1 1000,2
    X = torch.normal(0, 1, (num_examples, len(w)))
    #w 2 y 1000 都是一维的
    y = torch.matmul(X, w) + b
    y += torch.normal(0, 0.01, y.shape)
    #reshape 变成了一列
    return X, y.reshape((-1, 1))
    

true_w = torch.tensor([2, -3.4])
true_b = 4.2
features, labels = synthetic_data(true_w, true_b, 1000)

观察产生的features和label

print('features:', features[0],'\nlabel:', labels[0])

 

观察特征是否存在线性关系

#给出一个画布
d2l.set_figsize()

#绘制散点图 detach后 转入numpy
#有时候也可以不用detach
d2l.set_figsize()
d2l.plt.scatter(features[:, 1].detach().numpy()
                , labels.detach().numpy(),1);

线性回归的从零开始实现_第1张图片

根据batch_size,随机打乱后取数

def data_iter(batch_size, features, labels):
    # len 1000
    num_examples = len(features)
    # 0-999
    indices = list(range(num_examples))
    # 这些样本是随机读取的,没有特定的顺序
    random.shuffle(indices)
    #batch_size就是我要读取的一个小批量
    for i in range(0, num_examples, batch_size):
        batch_indices = torch.tensor(
            indices[i: min(i + batch_size, num_examples)])#这里可能会超过
        #每次会返回features 和 labels
        yield features[batch_indices], labels[batch_indices]
batch_size = 10

for X, y in data_iter(batch_size, features, labels):
    print(X, '\n', y)
    break

线性回归的从零开始实现_第2张图片 

requires_grad 表明需要计算梯度

w = torch.normal(0, 0.01, size=(2,1), requires_grad=True)
b = torch.zeros(1, requires_grad=True)

定义模型

def linreg(X, w, b):  #@save
    """线性回归模型"""
    return torch.matmul(X, w) + b

自定义损失函数

def linreg(X, w, b):  #@save
    """线性回归模型"""
    return torch.matmul(X, w) + b

定义优化算法:小批量随机梯度下降

def sgd(params, lr, batch_size):  #@save
    """小批量随机梯度下降"""
    #??更新的时候不需要参与梯度计算
    with torch.no_grad():
        for param in params:
            #??这里有些不太懂 反复理解
            param -= lr * param.grad / batch_size
            #梯度清零
            param.grad.zero_()

!!最重要的部分

# 学习率
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):
        # X小批量数据  w b初始化   y label
        # l本质就是均方误差
        l = loss(net(X, w, b), y)  # X和y的小批量损失
        # 因为l形状是(batch_size,1),而不是一个标量。l中的所有元素被加到一起,
        # 并以此计算关于[w,b]的梯度
        #l.sum()将所有梯度求和
        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}')

l.sum().backward有点不太理解,这个部分还是要好好想想

线性回归的从零开始实现_第3张图片

 

查看误差

print(f'w的估计误差: {true_w - w.reshape(true_w.shape)}')
print(f'b的估计误差: {true_b - b}')

 

你可能感兴趣的:(线性回归,算法,回归)