权重衰减
虽然增⼤训练数据集可能会减轻过拟合,但是获取额外的训练数据往往代价高昂。应对过拟合问题的常用方法:权重衰减。
1. 方法
权重衰减等价于范数正则化(regularization)。正则化通过为模型损失函数添加惩罚项使学出的模型参数值较小,是应对过拟合的常⽤⼿段。范数正则化在模型原损失函数基础上添加范数惩罚项,从而得到训练所需要最小化的函数。范数惩罚项指的是模型权重参数每个元素的平⽅和与⼀个正的常数的乘积。不添加惩罚项的线性回归损失函数
:
其中是权重参数,是偏差参数,样本的输⼊为,标签为,样本数为。将权重参数⽤向量表⽰。
带有范数惩罚项的新损失函数为
:
其中超参数。当权重参数均为0时,惩罚项最小。当较大时,惩罚项在损失函数中的比重较大,这通常会使学到的权重参数的元素较接近0.当设为0时,惩罚项完全不起作用。
有了惩罚项之后,在小批量随机梯度下降中,的迭代方式更改为:
可⻅,范数正则化令权重和先⾃乘小于1的数,再减去不含惩罚项的梯度。因此,范数正则化⼜叫权重衰减。权重衰减通过惩罚绝对值较⼤的模型参数为需要学习的模型增加了限制,这可能对过拟合有效。实际场景中,我们有时也在惩罚项中添加偏差元素的平⽅和。
2. 高维线性回归实验
以⾼维线性回归为例来引⼊⼀个过拟合问题,并使⽤权重衰减来应对过拟合。设数据样本特征的维度为。对于训练数据集和测试数据集中特征为的任⼀样本,我们使⽤如下的线性函数来⽣成该样本的标签:
其中噪声项服从均值为0、标准差为0.01的正态分布。为了较容易地观察过拟合,我们考虑⾼维线性回归问题,如设维度p = 200;同时,我们特意把训练数据集的样本数设低,如20。
%matplotlib inline
from mxnet import autograd, gluon, init, nd
from mxnet.gluon import data as gdata, loss as gloss, nn
n_train, n_test, num_inputs = 20, 100, 200
true_w, true_b = nd.ones((num_inputs, 1)) * 0.01, 0.05
features = nd.random.normal(shape=(n_train + n_test, num_inputs))
labels = nd.dot(features, true_w) + true_b
labels += nd.random.normal(scale=0.01, shape=labels.shape)
train_features, test_features = features[:n_train,:], features[n_train:,:]
train_labels, test_labels = labels[:n_train], labels[n_train:]
diy实现
初始化模型参数
⾸先,定义随机初始化模型参数的函数。该函数为每个参数都附上梯度。
def init_params():
w = nd.random.normal(scale=1, shape=(num_inputs, 1))
b = nd.zeros(shape=(1, ))
w.attach_grad()
b.attach_grad()
return [w, b]
定义L2范数惩罚项
定义范数惩罚项。这⾥只惩罚模型的权重参数。
def l2_penalty(w):
return (w**2).sum() / 2
定义训练和测试
定义如何在训练数据集和测试数据集上分别训练和测试模型。
from utils import linreg, squared_loss, sgd, semilogy
batch_size, num_epochs, lr = 1, 100, 0.003
net, loss = linreg, squared_loss
train_iter = gdata.DataLoader(gdata.ArrayDataset(train_features, train_labels), batch_size, shuffle=True)
def fit_and_plot(lambd):
w, b = init_params()
train_ls, test_ls = [], []
for _ in range(num_epochs):
for X, y in train_iter:
with autograd.record():
# 添加了L2范数惩罚项
l = loss(net(X, w, b), y) + lambd * l2_penalty(w)
l.backward()
sgd([w, b], lr, batch_size)
train_ls.append(loss(net(train_features, w, b), train_labels).mean().asscalar())
test_ls.append(loss(net(test_features, w, b), test_labels).mean().asscalar())
semilogy(range(1, num_epochs + 1), train_ls, 'epochs', 'loss', range(1, num_epochs + 1), test_ls, ['train', 'test'])
print('L2 norm of w:', w.norm().asscalar())
观察过拟合
训练并测试⾼维线性回归模型。当lambd设为0时,我们没有使⽤权重衰减。结果训练误差远小于测试集上的误差。这是典型的过拟合现象。
fit_and_plot(lambd=0)
L2 norm of w: 13.155678
使用权重衰减
使⽤权重衰减。可以看出,训练误差虽然有所提⾼,但测试集上的误差有所下降。过拟合现象得到⼀定程度的缓解。另外,权重参数的L2范数⽐不使⽤权重衰减时的更小,此时的权重参数更接近0。
fit_and_plot(lambd=3)
L2 norm of w: 0.042545244
简洁实现
在构造Trainer实例时通过wd参数来指定权重衰减超参数。默认下,Gluon会对权重和偏差同时衰减。我们可以分别对权重和偏差构造Trainer实例,从而只对权重衰减。
def fit_and_plot(wd):
net = nn.Sequential()
net.add(nn.Dense(1))
net.initialize(init.Normal(sigma=1))
# 对权重参数衰减
trainer_w = gluon.Trainer(net.collect_params('.*weight'), 'sgd', {'learning_rate': lr, 'wd': wd})
# 不对偏差参数衰减
trainer_b = gluon.Trainer(net.collect_params('.*bias'), 'sgd', {'learning_rate': lr})
train_ls, test_ls = [], []
for _ in range(num_epochs):
for X, y in train_iter:
with autograd.record():
l = loss(net(X), y)
l.backward()
# 对两个Trainer实例分别调⽤step函数,从⽽分别更新权重和偏差
trainer_w.step(batch_size)
trainer_b.step(batch_size)
train_ls.append(loss(net(train_features), train_labels).mean().asscalar())
test_ls.append(loss(net(test_features), test_labels).mean().asscalar())
semilogy(range(1, num_epochs + 1), train_ls, 'epochs', 'loss', range(1, num_epochs + 1), test_ls, ['train', 'test'])
print('L2 norm of w:', net[0].weight.data().norm().asscalar())
fit_and_plot(0)
L2 norm of w: 13.530375
fit_and_plot(3)
L2 norm of w: 0.04247173