权重衰退的代码实现

一:载入包

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

二:自定义一个数据集

# 自定义一个数据集
n_train,n_test,num_inputs,batch_size = 20,100,200,5
true_w,true_b, = torch.ones((num_inputs,1))*0.01,0.05
train_data = d2l.synthetic_data(true_w, true_b, n_train)
train_iter = d2l.load_array(train_data, batch_size)
test_data = d2l.synthetic_data(true_w, true_b, n_test)
test_iter = d2l.load_array(test_data, batch_size, is_train=False)

三:初始化参数模型

def l2_penalty(w):
    return torch.sum(w.pow(2)) / 2

四:定义L2范数惩罚

# 定义L2范数惩罚
def l2_penalty(w):
    return torch.sum(w.pow(2))/2

五:定义训练代码(带有权重衰退的训练)

# 定义训练代码(带有权重衰退的训练)
def train(lambd):  # lambd即希腊字母朗姆达
    w,b = init_params()
    net,loss = lambda X: d2l.linreg(x,w,b),d2l.squared_loss  # 一个线性回归
    num_epochs,lr = 100,0.003
    animator = d2l.Animator(xlabel="epochs",
                            ylabel="loss",
                            yscale="log",
                           xlim=[5,num_epochs],
                           legend=["train","test"])
    for epochs in range(num_epochs):
        for x,y in train_iter:
            with torch.enable_grad(): 
                l = loss(net(x),y) + lambd*l2_penalty(w)  # 加号后面的这一块即权重衰退的实现部分
            l.sum().backward()
            d2l.sgd(([w,b]),lr,batch_size)
        if(epochs+1)%5 == 0:
              animator.add(epochs + 1, (d2l.evaluate_loss(net, train_iter, loss),
                                     d2l.evaluate_loss(net, test_iter, loss)))
    print('w的L2范数是:', torch.norm(w).item())

六(1):忽略正则化直接训练

train(lambd=0)

权重衰退的代码实现_第1张图片

 train的loss下降了,但是test的loss没有下降,就表明发生了严重的过拟合情况

六(2):使用权重衰退

 

train(lambd=3)

权重衰退的代码实现_第2张图片

相较与前面不设置权重衰退进行正则化,这里的训练误差增大,但测试误差减小。 这正是我们期望从正则化中得到的效果。

另外:权重衰退的简洁实现

在下面的代码中,我们在实例化优化器时直接通过weight_decay指定weight decay超参数。 默认情况下,PyTorch同时衰减权重和偏移。 这里我们只为权重设置了weight_decay,所以偏置参数b不会衰减。

def train_concise(wd):
    net = nn.Sequential(nn.Linear(num_inputs, 1))
    for param in net.parameters():
        param.data.normal_()
    loss = nn.MSELoss(reduction='none')
    num_epochs, lr = 100, 0.003
    # 偏置参数没有衰减
    trainer = torch.optim.SGD([
        {"params":net[0].weight,'weight_decay': wd},
        {"params":net[0].bias}], lr=lr)
    animator = d2l.Animator(xlabel='epochs', ylabel='loss', yscale='log',
                            xlim=[5, num_epochs], legend=['train', 'test'])
    for epoch in range(num_epochs):
        for X, y in train_iter:
            trainer.zero_grad()
            l = loss(net(X), y)
            l.mean().backward()
            trainer.step()
        if (epoch + 1) % 5 == 0:
            animator.add(epoch + 1,
                         (d2l.evaluate_loss(net, train_iter, loss),
                          d2l.evaluate_loss(net, test_iter, loss)))
    print('w的L2范数:', net[0].weight.norm().item())

小结:

  • 正则化是处理过拟合的常用方法:在训练集的损失函数中加入惩罚项,以降低学习到的模型的复杂度。

  • 保持模型简单的一个特别的选择是使用L2惩罚的权重衰减。这会导致学习算法更新步骤中的权重衰减。

  • 权重衰减功能在深度学习框架的优化器中提供。

  • 在同一训练代码实现中,不同的参数集可以有不同的更新行为。

你可能感兴趣的:(机器学习)