3.2. 线性回归的从零开始实现
Open the notebook in Colab
Open the notebook in SageMaker Studio Lab

在了解线性回归的关键思想之后,我们可以开始通过代码来动手实现线性回归了。 在这一节中,我们将从零开始实现整个方法, 包括数据流水线、模型、损失函数和小批量随机梯度下降优化器。 虽然现代的深度学习框架几乎可以自动化地进行所有这些工作,但从零开始实现可以确保我们真正知道自己在做什么。 同时,了解更细致的工作原理将方便我们自定义模型、自定义层或自定义损失函数。 在这一节中,我们将只使用张量和自动求导。 在之后的章节中,我们会充分利用深度学习框架的优势,介绍更简洁的实现方式。

%matplotlib inline
import random
from mxnet import autograd, np, npx
from d2l import mxnet as d2l

npx.set_np()
Copy to clipboard
%matplotlib inline
import random
import torch
from d2l import torch as d2l
Copy to clipboard
%matplotlib inline
import random
import tensorflow as tf
from d2l import tensorflow as d2l
Copy to clipboard
%matplotlib inline
import warnings
from d2l import paddle as d2l

warnings.filterwarnings("ignore")
import random
import paddle
Copy to clipboard

3.2.1. 生成数据集

为了简单起见,我们将根据带有噪声的线性模型构造一个人造数据集。 我们的任务是使用这个有限样本的数据集来恢复这个模型的参数。 我们将使用低维数据,这样可以很容易地将其可视化。 在下面的代码中,我们生成一个包含1000个样本的数据集, 每个样本包含从标准正态分布中采样的2个特征。 我们的合成数据集是一个矩阵XR1000×2

我们使用线性模型参数w=[2,3.4]b=4.2 和噪声项ϵ生成数据集及其标签:

(3.2.1)y=Xw+b+ϵ.

ϵ可以视为模型预测和标签时的潜在观测误差。 在这里我们认为标准假设成立,即ϵ服从均值为0的正态分布。 为了简化问题,我们将标准差设为0.01。 下面的代码生成合成数据集。

def synthetic_data(w, b, num_examples):  #@save
    """生成y=Xw+b+噪声"""
    X = np.random.normal(0, 1, (num_examples, len(w)))
    y = np.dot(X, w) + b
    y += np.random.normal(0, 0.01, y.shape)
    return X, y.reshape((-1, 1))

true_w = np.array([2, -3.4])
true_b = 4.2
features, labels = synthetic_data(true_w, true_b, 1000)
Copy to clipboard
[07:03:27] ../src/storage/storage.cc:196: Using Pooled (Naive) StorageManager for CPU
def synthetic_data(w, b, num_examples):  #@save
    """生成y=Xw+b+噪声"""
    X = torch.normal(0, 1, (num_examples, len(w)))
    y = torch.matmul(X, w) + b
    y += torch.normal(0, 0.01, y.shape)
    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)
Copy to clipboard
def synthetic_data(w, b, num_examples):  #@save
    """生成y=Xw+b+噪声"""
    X = tf.zeros((num_examples, w.shape[0]))
    X += tf.random.normal(shape=X.shape)
    y = tf.matmul(X, tf.reshape(w, (-1, 1))) + b
    y += tf.random.normal(shape=y.shape, stddev=0.01)
    y = tf.reshape(y, (-1, 1))
    return X, y

true_w = tf.constant([2, -3.4])
true_b = 4.2
features, labels = synthetic_data(true_w, true_b, 1000)
Copy to clipboard
def synthetic_data(w, b, num_examples):  #@save
    """生成y=Xw+b+噪声"""
    X = paddle.normal(0, 1, (num_examples, len(w)))
    y = paddle.matmul(X, w) + b
    y += paddle.normal(0, 0.01, y.shape)
    return X, y.reshape((-1, 1))

true_w = paddle.to_tensor([2, -3.4])
true_b = 4.2
features, labels = synthetic_data(true_w, true_b, 1000)
Copy to clipboard

注意,features中的每一行都包含一个二维数据样本, labels中的每一行都包含一维标签值(一个标量)。

print('features:', features[0],'\nlabel:', labels[0])
Copy to clipboard
features: [2.2122064 1.1630787]
label: [4.662078]
print('features:', features[0],'\nlabel:', labels[0])
Copy to clipboard
features: tensor([1.4632, 0.5511])
label: tensor([5.2498])
print('features:', features[0],'\nlabel:', labels[0])
Copy to clipboard
features: tf.Tensor([-0.07650175  0.6898775 ], shape=(2,), dtype=float32)
label: tf.Tensor([1.6964029], shape=(1,), dtype=float32)
print('features:', features[0],'\nlabel:', labels[0])
Copy to clipboard
features: Tensor(shape=[2], dtype=float32, place=Place(cpu), stop_gradient=True,
       [0.17713280, 0.61215985])
label: Tensor(shape=[1], dtype=float32, place=Place(cpu), stop_gradient=True,
       [2.46172976])

通过生成第二个特征features[:, 1]labels的散点图, 可以直观观察到两者之间的线性关系。

d2l.set_figsize()
d2l.plt.scatter(features[:, (1)].asnumpy(), labels.asnumpy(), 1);
Copy to clipboard
../_images/output_linear-regression-scratch_58de05_48_0.svg
d2l.set_figsize()
d2l.plt.scatter(features[:, (1)].detach().numpy(), labels.detach().numpy(), 1);
Copy to clipboard
../_images/output_linear-regression-scratch_58de05_51_0.svg
d2l.set_figsize()
d2l.plt.scatter(features[:, (1)].numpy(), labels.numpy(), 1);
Copy to clipboard
../_images/output_linear-regression-scratch_58de05_54_0.svg
d2l.set_figsize()
d2l.plt.scatter(features[:, (1)].detach().numpy(), labels.detach().numpy(), 1);
Copy to clipboard
../_images/output_linear-regression-scratch_58de05_57_0.svg

3.2.2. 读取数据集

回想一下,训练模型时要对数据集进行遍历,每次抽取一小批量样本,并使用它们来更新我们的模型。 由于这个过程是训练机器学习算法的基础,所以有必要定义一个函数, 该函数能打乱数据集中的样本并以小批量方式获取数据。

在下面的代码中,我们定义一个data_iter函数, 该函数接收批量大小、特征矩阵和标签向量作为输入,生成大小为batch_size的小批量。 每个小批量包含一组特征和标签。

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 = np.array(
            indices[i: min(i + batch_size, num_examples)])
        yield features[batch_indices], labels[batch_indices]
Copy to clipboard
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(
            indices[i: min(i + batch_size, num_examples)])
        yield features[batch_indices], labels[batch_indices]
Copy to clipboard
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):
        j = tf.constant(indices[i: min(i + batch_size, num_examples)])
        yield tf.gather(features, j), tf.gather(labels, j)
Copy to clipboard
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 = paddle.to_tensor(
            indices[i: min(i + batch_size, num_examples)])
        yield features[batch_indices], labels[batch_indices]
Copy to clipboard

通常,我们利用GPU并行运算的优势,处理合理大小的“小批量”。 每个样本都可以并行地进行模型计算,且每个样本损失函数的梯度也可以被并行计算。 GPU可以在处理几百个样本时,所花费的时间不比处理一个样本时多太多。

我们直观感受一下小批量运算:读取第一个小批量数据样本并打印。 每个批量的特征维度显示批量大小和输入特征数。 同样的,批量的标签形状与batch_size相等。

batch_size = 10

for X, y in data_iter(batch_size, features, labels):
    print(X, '\n', y)
    break
Copy to clipboard
[[-0.594405    0.7975923 ]
 [ 0.5477517   0.15074243]
 [-0.34835348  0.929739  ]
 [-1.5249145   0.701587  ]
 [-2.298264    0.10911477]
 [ 1.6356094   0.14286116]
 [-0.19882555 -0.85171705]
 [ 1.2024101  -1.7029836 ]
 [-0.60534513 -0.39319903]
 [-1.771029   -0.5459446 ]]
 [[ 0.30207413]
 [ 4.786745  ]
 [ 0.33858034]
 [-1.2297847 ]
 [-0.75900215]
 [ 6.979927  ]
 [ 6.7001796 ]
 [12.39533   ]
 [ 4.3220677 ]
 [ 2.517848  ]]
batch_size = 10

for X, y in data_iter(batch_size, features, labels):
    print(X, '\n', y)
    break
Copy to clipboard
tensor([[ 0.3934,  2.5705],
        [ 0.5849, -0.7124],
        [ 0.1008,  0.6947],
        [-0.4493, -0.9037],
        [ 2.3104, -0.2798],
        [-0.0173, -0.2552],
        [ 0.1963, -0.5445],
        [-1.0580, -0.5180],
        [ 0.8417, -1.5547],
        [-0.6316,  0.9732]])
 tensor([[-3.7623],
        [ 7.7852],
        [ 2.0443],
        [ 6.3767],
        [ 9.7776],
        [ 5.0301],
        [ 6.4541],
        [ 3.8407],
        [11.1396],
        [-0.3836]])
batch_size = 10

for X, y in data_iter(batch_size, features, labels):
    print(X, '\n', y)
    break
Copy to clipboard
tf.Tensor(
[[ 0.15857808  1.0263954 ]
 [-0.2139615   0.41953972]
 [ 0.82911646 -0.43722913]
 [-1.4051182  -0.31091216]
 [ 0.4279184   0.6564329 ]
 [-1.6576649  -0.01954047]
 [ 1.4908514   1.115273  ]
 [-0.4216003   1.4159069 ]
 [ 1.6962595  -0.6179955 ]
 [-0.7782186  -0.07165246]], shape=(10, 2), dtype=float32)
 tf.Tensor(
[[ 1.030544 ]
 [ 2.330862 ]
 [ 7.3499002]
 [ 2.4424326]
 [ 2.8114896]
 [ 0.9454506]
 [ 3.3814855]
 [-1.4531627]
 [ 9.692594 ]
 [ 2.8894465]], shape=(10, 1), dtype=float32)
batch_size = 10

for X, y in data_iter(batch_size, features, labels):
    print(X, '\n', y)
    break
Copy to clipboard
Tensor(shape=[10, 2], dtype=float32, place=Place(cpu), stop_gradient=True,
       [[ 0.11829354,  0.57692450],
        [-0.57479954, -0.09607600],
        [-1.07854998, -0.25145546],
        [-0.84905797,  0.67849380],
        [-0.27850190,  0.56761360],
        [-1.61706865, -0.68674469],
        [ 1.58607817,  0.16652523],
        [ 0.73623341, -0.98004287],
        [ 1.20183730,  0.04473243],
        [-0.38806343, -0.88529688]])
 Tensor(shape=[10, 1], dtype=float32, place=Place(cpu), stop_gradient=True,
       [[2.46672344],
        [3.37174177],
        [2.89900732],
        [0.18522391],
        [1.71305954],
        [3.29967785],
        [6.81773567],
        [9.01074409],
        [6.46295214],
        [6.43930912]])

当我们运行迭代时,我们会连续地获得不同的小批量,直至遍历完整个数据集。 上面实现的迭代对教学来说很好,但它的执行效率很低,可能会在实际问题上陷入麻烦。 例如,它要求我们将所有数据加载到内存中,并执行大量的随机内存访问。 在深度学习框架中实现的内置迭代器效率要高得多, 它可以处理存储在文件中的数据和数据流提供的数据。

3.2.3. 初始化模型参数

在我们开始用小批量随机梯度下降优化我们的模型参数之前, 我们需要先有一些参数。 在下面的代码中,我们通过从均值为0、标准差为0.01的正态分布中采样随机数来初始化权重, 并将偏置初始化为0。

w = np.random.normal(0, 0.01, (2, 1))
b = np.zeros(1)
w.attach_grad()
b.attach_grad()
Copy to clipboard
w = torch.normal(0, 0.01, size=(2,1), requires_grad=True)
b = torch.zeros(1, requires_grad=True)
Copy to clipboard
w = tf.Variable(tf.random.normal(shape=(2, 1), mean=0, stddev=0.01),
                trainable=True)
b = tf.Variable(tf.zeros(1), trainable=True)
Copy to clipboard
w = paddle.normal(0, 0.01, shape=(2,1))
b = paddle.zeros(shape=[1])
# w和b为创建的模型参数,stop_gradient默认为True,即梯度不更新,因此需要指定为False已更新梯度
w.stop_gradient = False
b.stop_gradient = False
Copy to clipboard

在初始化参数之后,我们的任务是更新这些参数,直到这些参数足够拟合我们的数据。 每次更新都需要计算损失函数关于模型参数的梯度。 有了这个梯度,我们就可以向减小损失的方向更新每个参数。 因为手动计算梯度很枯燥而且容易出错,所以没有人会手动计算梯度。 我们使用 2.5节中引入的自动微分来计算梯度。

3.2.4. 定义模型

接下来,我们必须定义模型,将模型的输入和参数同模型的输出关联起来。 回想一下,要计算线性模型的输出, 我们只需计算输入特征X和模型权重w的矩阵-向量乘法后加上偏置b。 注意,上面的Xw是一个向量,而b是一个标量。 回想一下 2.1.3节中描述的广播机制: 当我们用一个向量加一个标量时,标量会被加到向量的每个分量上。

def linreg(X, w, b):  #@save
    """线性回归模型"""
    return np.dot(X, w) + b
Copy to clipboard
def linreg(X, w, b):  #@save
    """线性回归模型"""
    return torch.matmul(X, w) + b
Copy to clipboard
def linreg(X, w, b):  #@save
    """线性回归模型"""
    return tf.matmul(X, w) + b
Copy to clipboard
def linreg(X, w, b):  #@save
    """线性回归模型"""
    return paddle.matmul(X, w) + b
Copy to clipboard

3.2.5. 定义损失函数

因为需要计算损失函数的梯度,所以我们应该先定义损失函数。 这里我们使用 3.1节中描述的平方损失函数。 在实现中,我们需要将真实值y的形状转换为和预测值y_hat的形状相同。

def squared_loss(y_hat, y):  #@save
    """均方损失"""
    return (y_hat - y.reshape(y_hat.shape)) ** 2 / 2
Copy to clipboard
def squared_loss(y_hat, y):  #@save
    """均方损失"""
    return (y_hat - y.reshape(y_hat.shape)) ** 2 / 2
Copy to clipboard
def squared_loss(y_hat, y):  #@save
    """均方损失"""
    return (y_hat - tf.reshape(y, y_hat.shape)) ** 2 / 2
Copy to clipboard
def squared_loss(y_hat, y):  #@save
    """均方损失"""
    return (y_hat - y.reshape(y_hat.shape)) ** 2 / 2
Copy to clipboard

3.2.6. 定义优化算法

正如我们在 3.1节中讨论的,线性回归有解析解。 尽管线性回归有解析解,但本书中的其他模型却没有。 这里我们介绍小批量随机梯度下降。

在每一步中,使用从数据集中随机抽取的一个小批量,然后根据参数计算损失的梯度。 接下来,朝着减少损失的方向更新我们的参数。 下面的函数实现小批量随机梯度下降更新。 该函数接受模型参数集合、学习速率和批量大小作为输入。每 一步更新的大小由学习速率lr决定。 因为我们计算的损失是一个批量样本的总和,所以我们用批量大小(batch_size) 来规范化步长,这样步长大小就不会取决于我们对批量大小的选择。

def sgd(params, lr, batch_size):  #@save
    """小批量随机梯度下降"""
    for param in params:
        param[:] = param - lr * param.grad / batch_size
Copy to clipboard
def sgd(params, lr, batch_size):  #@save
    """小批量随机梯度下降"""
    with torch.no_grad():
        for param in params:
            param -= lr * param.grad / batch_size
            param.grad.zero_()
Copy to clipboard
def sgd(params, grads, lr, batch_size):  #@save
    """小批量随机梯度下降"""
    for param, grad in zip(params, grads):
        param.assign_sub(lr*grad/batch_size)
Copy to clipboard
#@save
def sgd(params, lr, batch_size):
    """小批量随机梯度下降"""
    with paddle.no_grad():
        for i, param in enumerate(params):
            param -= lr * params[i].grad / batch_size
            params[i].set_value(param)
            params[i].clear_gradient()
Copy to clipboard

3.2.7. 训练

现在我们已经准备好了模型训练所有需要的要素,可以实现主要的训练过程部分了。 理解这段代码至关重要,因为从事深度学习后, 相同的训练过程几乎一遍又一遍地出现。 在每次迭代中,我们读取一小批量训练样本,并通过我们的模型来获得一组预测。 计算完损失后,我们开始反向传播,存储每个参数的梯度。 最后,我们调用优化算法sgd来更新模型参数。

概括一下,我们将执行以下循环:

  • 初始化参数

  • 重复以下训练,直到完成

    • 计算梯度g(w,b)1|B|iBl(x(i),y(i),w,b)

    • 更新参数(w,b)(w,b)ηg

在每个迭代周期(epoch)中,我们使用data_iter函数遍历整个数据集, 并将训练数据集中所有样本都使用一次(假设样本数能够被批量大小整除)。 这里的迭代周期个数num_epochs和学习率lr都是超参数,分别设为3和0.03。 设置超参数很棘手,需要通过反复试验进行调整。 我们现在忽略这些细节,以后会在 11节中详细介绍。

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):
        with autograd.record():
            l = loss(net(X, w, b), y)  # X和y的小批量损失
        # 计算l关于[w,b]的梯度
        l.backward()
        sgd([w, b], lr, batch_size)  # 使用参数的梯度更新参数
    train_l = loss(net(features, w, b), labels)
    print(f'epoch {epoch + 1}, loss {float(train_l.mean()):f}')
Copy to clipboard
[07:03:28] ../src/base.cc:48: GPU context requested, but no GPUs found.
epoch 1, loss 0.024969
epoch 2, loss 0.000089
epoch 3, loss 0.000051
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}')
Copy to clipboard
epoch 1, loss 0.042790
epoch 2, loss 0.000162
epoch 3, loss 0.000051
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):
        with tf.GradientTape() as g:
            l = loss(net(X, w, b), y)  # X和y的小批量损失
        # 计算l关于[w,b]的梯度
        dw, db = g.gradient(l, [w, b])
        # 使用参数的梯度更新参数
        sgd([w, b], [dw, db], lr, batch_size)
    train_l = loss(net(features, w, b), labels)
    print(f'epoch {epoch + 1}, loss {float(tf.reduce_mean(train_l)):f}')
Copy to clipboard
epoch 1, loss 0.045469
epoch 2, loss 0.000220
epoch 3, loss 0.000050
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 paddle.no_grad():
        train_l = loss(net(features, w, b), labels)
        print(f'epoch {epoch + 1}, loss {float(train_l.mean()):f}')
Copy to clipboard
epoch 1, loss 0.037368
epoch 2, loss 0.000136
epoch 3, loss 0.000048

因为我们使用的是自己合成的数据集,所以我们知道真正的参数是什么。 因此,我们可以通过比较真实参数和通过训练学到的参数来评估训练的成功程度。 事实上,真实参数和通过训练学到的参数确实非常接近。

print(f'w的估计误差: {true_w - w.reshape(true_w.shape)}')
print(f'b的估计误差: {true_b - b}')
Copy to clipboard
w的估计误差: [ 4.171133e-04 -7.724762e-05]
b的估计误差: [0.00061893]
print(f'w的估计误差: {true_w - w.reshape(true_w.shape)}')
print(f'b的估计误差: {true_b - b}')
Copy to clipboard
w的估计误差: tensor([-1.3804e-04,  5.7936e-05], grad_fn=<SubBackward0>)
b的估计误差: tensor([0.0006], grad_fn=<RsubBackward1>)
print(f'w的估计误差: {true_w - tf.reshape(w, true_w.shape)}')
print(f'b的估计误差: {true_b - b}')
Copy to clipboard
w的估计误差: [0.00169134 0.00011921]
b的估计误差: [0.00055313]
print(f'w的估计误差: {true_w - w.reshape(true_w.shape)}')
print(f'b的估计误差: {true_b - b}')
Copy to clipboard
w的估计误差: Tensor(shape=[2], dtype=float32, place=Place(cpu), stop_gradient=False,
       [ 0.00068414, -0.00082040])
b的估计误差: Tensor(shape=[1], dtype=float32, place=Place(cpu), stop_gradient=False,
       [0.00085068])

注意,我们不应该想当然地认为我们能够完美地求解参数。 在机器学习中,我们通常不太关心恢复真正的参数,而更关心如何高度准确预测参数。 幸运的是,即使是在复杂的优化问题上,随机梯度下降通常也能找到非常好的解。 其中一个原因是,在深度网络中存在许多参数组合能够实现高度精确的预测。

3.2.8. 小结

  • 我们学习了深度网络是如何实现和优化的。在这一过程中只使用张量和自动微分,不需要定义层或复杂的优化器。

  • 这一节只触及到了表面知识。在下面的部分中,我们将基于刚刚介绍的概念描述其他模型,并学习如何更简洁地实现其他模型。

3.2.9. 练习

  1. 如果我们将权重初始化为零,会发生什么。算法仍然有效吗?

  2. 假设试图为电压和电流的关系建立一个模型。自动微分可以用来学习模型的参数吗?

  3. 能基于普朗克定律使用光谱能量密度来确定物体的温度吗?

  4. 计算二阶导数时可能会遇到什么问题?这些问题可以如何解决?

  5. 为什么在squared_loss函数中需要使用reshape函数?

  6. 尝试使用不同的学习率,观察损失函数值下降的快慢。

  7. 如果样本个数不能被批量大小整除,data_iter函数的行为会有什么变化?