d2l学习_第三章线性回归/欠拟合过拟合/权重衰减

news/2024/11/24 6:54:01/

x.1 Linear Regression Theory

x.1.1 Model

线性回归的模型如下:

请添加图片描述

我们给定d个特征值 x 1 , x 2 , . . . , x d x_1, x_2, ..., x_d x1,x2,...,xd,最终产生输出yhat,我们产生的yhat要尽量拟合原来的值y,在这一拟合过程中我们通过不断修改 w 1 , . . . , w d 和 b w_1, ..., w_d和b w1,...,wdb来实现。

x.1.2 Stategy or Loss

如何评价这个拟合好不好呢,我们的loss/strategy选择为MSE,对于单个点的损失如下:

请添加图片描述
请添加图片描述

将全部的点都添加至损失,得到,

请添加图片描述

最终我们需要做的就是最小化Loss,如下:

请添加图片描述

x.1.3 Algorithm

我们使用什么algorithm/optimizer来最小化loss呢?这里采用了Minibatch Stochastic Gradient Descent,mini-batch SGD也是深度学习中最常用的方法。

请添加图片描述

x.1.4 Nerual Network

线性回归的过程类似于神经元的表达,多个输入产生一个输出,

请添加图片描述

请添加图片描述

x.2 Experiments

x.2.1 手撕一个Linear Regression*

在下面的内容中,只使用了torch的自动微分来实现Linear Regression,值得反复推敲。

'''
手撕一个线性回归,包括:
1. 构造真实线性回归式子
2. 初始化权重
3. 生成一个迭代器每次取batch_size个数据
4. 构造model线性回归
5. 构造cost funtion-MSE
6. 构造optimizer-SGD
7. 开始每个epoch的训练, 注意梯度何时更新: 先loss(model(), y)计算loss来构造计算图; backward()计算梯度参数grad; param-=lr*grad更新梯度; param.zero_()梯度变零; 循环。线性回归简洁表示:这其实是一个feature=2, n=1000, label.shape=1的二元线性回归问题y = a * x_1 + b * x_2 + c: 用1000个样本(x_1, x_2)来拟合出a, b, c.
线性回归的简洁实现
'''
import random
import torch# 生成n = 1000组数据, label 1维, features 2维; => weight [2, 1]
# 初始化 weight 和 bias 的初始值
def synthetic_data(w, b, num_examples): """⽣成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)print('features:', features[0],'\nlabel:', labels[0])# 手撕一个DataLoader
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]# 让我们尝试使用iter取batch_size个data
batch_size = 10
for X, y in data_iter(batch_size, features, labels):print(X, '\n', y)break# 初始化权重,并使用`requires_grad=True`开启其自动微分
w = torch.normal(0, 0.01, size=(2,1), requires_grad=True) 
b = torch.zeros(1, requires_grad=True)#  model
def linreg(X, w, b):"""线性回归模型"""# return torch.matmul(X, w) + breturn X.mm(w) + b# cost function
def squared_loss(y_hat, y):"""MSE"""return (y_hat - y.reshape(y_hat.shape)) ** 2 / 2# optimizer to minimize cost function
def sgd(params, lr, batch_size):"""mini batchsize SGD"""with torch.no_grad():for param in params:param -= lr * param.grad / batch_sizeparam.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):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}')print(f'w的估计误差: {true_w - w.reshape(true_w.shape)}')
print(f'b的估计误差: {true_b - b}')

在这里补充一下with torch.no_grad(),这个函数用于在上下文中取消梯度更新。详见https://blog.csdn.net/qq_43369406/article/details/131115578

x.2.2 Concise Implementation of Linear Regression 简明实现

在model部分,由于Linear线性层由于经常需要使用到,故现代Pytorch已经将其封装为了一个API函数即torch.nn.LeazyLinear。这个API只关注输出的全连接层的结点个数。

在Loss部分,用torch.nn.MSELoss代替。

在Optimizer部分,用torch.optim.SGD代替。

import numpy as np
import torch
from torch import nn
from d2l import torch as d2l"""
1. define model"""
class LinearRegression(d2l.Module):  #@save"""The linear regression model implemented with high-level APIs."""def __init__(self, lr):super().__init__()self.save_hyperparameters()self.net = nn.LazyLinear(1) # The latter allows users to only specify the output dimension | Specifying input shapes is inconvenientself.net.weight.data.normal_(0, 0.01)self.net.bias.data.fill_(0)# 使用bulit-in func `__call__` 实现forward
@d2l.add_to_class(LinearRegression)  #@save
def forward(self, X):return self.net(X)"""
2. define loss"""
@d2l.add_to_class(LinearRegression)  #@save
def loss(self, y_hat, y):fn = nn.MSELoss()return fn(y_hat, y)"""
3. define optimizer"""
@d2l.add_to_class(LinearRegression)  #@save
def configure_optimizers(self):return torch.optim.SGD(self.parameters(), self.lr)"""
4. training"""
model = LinearRegression(lr=0.03)
data = d2l.SyntheticRegressionData(w=torch.tensor([2, -3.4]), b=4.2)
trainer = d2l.Trainer(max_epochs=3)
trainer.fit(model, data)@d2l.add_to_class(LinearRegression)  #@save
def get_w_b(self):return (self.net.weight.data, self.net.bias.data)
w, b = model.get_w_b()print(f'error in estimating w: {data.w - w.reshape(data.w.shape)}')
print(f'error in estimating b: {data.b - b}')

3.3 欠拟合过拟合

待学习

3.4 权重衰减

待学习


http://www.ppmy.cn/news/284450.html

相关文章

IT行业含金量较高的证书汇总

当今国内流行的各种IT考试认证,包括全国计算机等级考试、软件水平考试、职业技能鉴定考试(计算机高新考试)、高校计算机等级考试(CCT)、行业认证(包括微软认证)、国家信息化技术证书、印度NIIT认证、全国信息技术高级人才水平考试(NIEH)认证、北大青鸟ACCP认证等。 …

IT 团队管理

1、正确处理好与上级和同级部门间的关系,获取上级支持是前提,取得同级部门的理解则是项目成功的关键。 高层有高层的考虑,不同部门所关心的利益也不同,不能只考虑自己部门的事,要明白,项目总是在这样或那样…

IT常用职位缩写总结

IT常用职位缩写概览 PO : Product Owner,产品或业务负责人,熟悉该产品所有业务相关的逻辑、流程、设置等方面事宜的人员PM :Product Manager,产品经理,主导整个产品的规划PM: Project Manager, 项目经理,推…

IT桔子IT互联网公司产品数据库及商业信息服务

经理人分享 DEVSTOR 创见 DCCI 商界招商网 微媒体 评科技 1991IT 黑马大赛 iheima 项目库 IT桔子 推酷 多知网 donew LBS观景台 投资数据网 懒汉互联 车库咖啡 天使汇唯一官网 活动行 联合创业公社 pingwest preangel 动点科技

研发团队管理:IT研发中项目和产品原来区别那么大,项目级的项目是项目,产品级的项目是产品!!!

若该文为原创文章,转载请注明原文出处 本文章博客地址:https://blog.csdn.net/qq21497936/article/details/116087039 长期持续带来更多项目与技术分享,咨询请加QQ:21497936、微信:yangsir198808 红胖子(红模仿)的博文大全&#…

最新发布:IT行业近5年平均年薪出炉!你在哪个梯队?

在职场中,行业是决定薪资高低最直接的一个因素,虽说三百六十行,行行出状元,但行业之间的差距,仍然很大。 2021年就要过完了,究竟什么行业「最香」?近日,中新经纬发布了一组数据&…

IT基础知识总结

1、 什么是互联网 “互联网”是两化融合(信息化和工业化的融合)的升级版,将互联网作为当前信息化发展的核心特征,提取出来,并与工业、商业、金融业等服务业的全面融合。这其中关键就是创新,只有创新才能让这个真正有价值、有意义。…

it职位简称_IT行业常见职位英文缩写

1.PG Programer 程序员 2.AA Architecture Analyst 架构分析师 3.SE Software Engineer …