层和块
块(block)可以描述单个层、由多个层组成的组件或整个模型本身。 使用块进行抽象的一个好处是可以将一些块组合成更大的组件, 这一过程通常是递归的。多个层被组合成块,形成更大的模型:
python
#层
import torch
from torch import nn
from torch.nn import functional as F
#nn.Sequential 定义了一种特殊的Module
net = nn.Sequential(nn.Linear(20, 256), nn.ReLU(), nn.Linear(256, 10))
X = torch.rand(2, 20)
net(X)
自定义块
块的基本功能:
- 将输入数据作为其前向传播函数的参数。
- 通过前向传播函数来生成输出。请注意,输出的形状可能与输入的形状不同。例如,我们上面模型中的第一个全连接的层接收一个20维的输入,但是返回一个维度为256的输出。
- 计算其输出关于输入的梯度,可通过其反向传播函数进行访问。通常这是自动发生的。
- 存储和访问前向传播计算所需的参数。
- 根据需要初始化模型参数。
python
class MLP(nn.Module):
# 用模型参数声明层。这里,我们声明两个全连接的层
def __init__(self):
# 调用MLP的父类Module的构造函数来执行必要的初始化。
# 这样,在类实例化时也可以指定其他函数参数,例如模型参数params(稍后将介绍)
super().__init__()#继承nn.Module
self.hidden = nn.Linear(20, 256) # 隐藏层
self.out = nn.Linear(256, 10) # 输出层
# 定义模型的前向传播,即如何根据输入X返回所需的模型输出
def forward(self, X):
# 注意,这里我们使用ReLU的函数版本,其在nn.functional模块中定义。
return self.out(F.relu(self.hidden(X)))
#MLP类实例化时就会调用__init__函数初始化,输入参数就会进行输出,使用forward函数传播(可能在Module类中有调用)
net = MLP()
net(X)
顺序快
Sequential的设计是为了把其他模块串起来,为了构建比较简化的MySequential,只需要定义两个关键参数:
- 一种将块逐个追加到列表中的函数;
- 一种前向传播函数,用于将输入按追加块的顺序传递给块组成的"链条"。
python
class MySequential(nn.Module):
def __init__(self, *args):
super().__init__()
for idx, module in enumerate(args):
# 这里,module是Module子类的一个实例。我们把它保存在'Module'类的成员
# 变量_modules中。_module的类型是OrderedDict
self._modules[str(idx)] = module
def forward(self, X):
# OrderedDict保证了按照成员添加的顺序遍历它们
for block in self._modules.values():
X = block(X)
return X
__init__
函数将每个模块逐个添加到有序字典_modules
中。_modules
的主要优点是: 在模块的参数初始化过程中, 系统知道在_modules
字典中查找需要初始化参数的子块。
当MySequential
的前向传播函数被调用时, 每个添加的块都按照它们被添加的顺序执行。 现在可以使用我们的MySequential
类重新实现多层感知机。
python
net = MySequential(nn.Linear(20, 256), nn.ReLU(), nn.Linear(256, 10))
net(X)
在正向传播函数中执行代码
在需要更强的灵活性时,我们需要定义自己的块,例如,我们可能希望在前向传播函数中执行Python的控制流。 此外,我们可能希望执行任意的数学运算, 而不是简单地依赖预定义的神经网络层。
到目前为止, 我们网络中的所有操作都对网络的激活值及网络的参数起作用。 然而,有时我们可能希望合并既不是上一层的结果也不是可更新参数的项, 我们称之为常数参数(constant parameter)。
例如,我们需要一个计算函数 f ( x , w ) = c ⋅ w T x f(x,w)=c\cdot w^Tx f(x,w)=c⋅wTx的层, 其中𝑥是输入, 𝑤是参数, 𝑐是某个在优化过程中没有更新的指定常量。 因此我们实现了一个FixedHiddenMLP
类,如下所示:
python
class FixedHiddenMLP(nn.Module):
def __init__(self):
super().__init__()
# 不计算梯度的随机权重参数。因此其在训练期间保持不变
self.rand_weight = torch.rand((20, 20), requires_grad=False)#随机的常数参数,不参加训练
self.linear = nn.Linear(20, 20)
def forward(self, X):
X = self.linear(X)
# 使用创建的常量参数以及relu和mm函数
X = F.relu(torch.mm(X, self.rand_weight) + 1)
# 复用全连接层。这相当于两个全连接层共享参数
X = self.linear(X)
# 控制流
while X.abs().sum() > 1:
X /= 2
return X.sum()
net = FixedHiddenmMLP()
net(X)
也可以搭配各种组合块的方法来使用:
python
class NestMLP(nn.Module):
def __init__(self):
super().__init__()
self.net = nn.Sequential(nn.Linear(20, 64), nn.ReLU(),
nn.Linear(64, 32), nn.ReLU())
self.linear = nn.Linear(32, 16)
def forward(self, X):
return self.linear(self.net(X)) #把两层的块放进linear层中计算
#第一个module是NestMLP,第二层时Linear层,第三层时FixedHiddenMLP类 层
chimera = nn.Sequential(NestMLP(), nn.Linear(16, 20), FixedHiddenMLP())
chimera(X)
参数管理
之前的学习中,我们只是使用框架完成训练,但对训练过程中的参数不知道具体细节,我们希望可以有:
- 访问参数,用于调试、诊断和可视化;
- 参数初始化;
- 在不同模型组件间共享参数。
基础访问
python
import torch
from torch import nn
net = nn.Sequential(nn.Linear(4, 8), nn.ReLU(), nn.Linear(8, 1))
X = torch.rand(size=(2, 4))
net(X)
#参数访问
print(net[2].state_dict) #net[2]拿到的是nn.Linear(8,1),state_dict输出权重(8个)和偏移
#目标参数
print(type(net[2].bias))#返回类型
print(net[2].bias)#返回的是形如tensor([0.0887], requires_grad=True),包含梯度
print(net[2].bias.data)#只返回数值
print(net[2].weight.grad == None) #也可以查询梯度,还没初始化,是None
#一次性访问所有参数
print(*[(name, param.shape) for name, param in net[0].named_parameters()])
print(*[(name, param.shape) for name, param in net.named_parameters()])
#另一种访问参数的方式
net.state_dict()['2.bias'].data
嵌套块收集参数
python
def block1():
return nn.Sequential(nn.Linear(4, 8), nn.ReLU(),
nn.Linear(8, 4), nn.ReLU())
def block2():
net = nn.Sequential()
for i in range(4):
# 在这里嵌套
net.add_module(f'block {i}', block1())#f'block {i}'是为添加的块命名
return net
rgnet = nn.Sequential(block2(), nn.Linear(4, 1))
rgnet(X)
print(rgnet)
print(rgnet[0][1][0].bias.data)
print的结果:
python
Sequential(
(0): Sequential(
(block 0): Sequential(
(0): Linear(in_features=4, out_features=8, bias=True)
(1): ReLU()
(2): Linear(in_features=8, out_features=4, bias=True)
(3): ReLU()
)
(block 1): Sequential(
(0): Linear(in_features=4, out_features=8, bias=True)#访问到这里
(1): ReLU()
(2): Linear(in_features=8, out_features=4, bias=True)
(3): ReLU()
)
(block 2): Sequential(
(0): Linear(in_features=4, out_features=8, bias=True)
(1): ReLU()
(2): Linear(in_features=8, out_features=4, bias=True)
(3): ReLU()
)
(block 3): Sequential(
(0): Linear(in_features=4, out_features=8, bias=True)
(1): ReLU()
(2): Linear(in_features=8, out_features=4, bias=True)
(3): ReLU()
)
)
(1): Linear(in_features=4, out_features=1, bias=True)
)
tensor([ 0.1999, -0.4073, -0.1200, -0.2033, -0.1573, 0.3546, -0.2141, -0.2483])
参数初始化
我们可能需要自定义参数初始化的方法。
内置初始化
默认情况下,PyTorch会根据一个范围均匀地初始化权重和偏置矩阵, 这个范围是根据输入和输出维度计算出的。 PyTorch的nn.init
模块提供了多种预置初始化方法。
python
net = nn.Sequential(nn.Linear(4, 8), nn.ReLU(), nn.Linear(8, 1))
def init_normal(m):
if type(m) == nn.Linear:#全连接层才进行下面的操作
nn.init.normal_(m.weight, mean=0, std=0.01)#将weight换为N(0,0.01)的正态分布
nn.init.zeros_(m.bias)#偏移直接为0
net.apply(init_normal)
print(net[0].weight.data[0], net[0].bias.data[0])
当然我们也可以应用不同的初始化方法,比如xavier初始化
python
def init_xavier(m):
if type(m) == nn.Linear:
nn.init.xavier_uniform_(m.weight)
def init_42(m):
if type(m) == nn.Linear:
nn.init.constant_(m.weight, 42)#也可以初始化为常量(
net[0].apply(init_xavier)
net[2].apply(init_42)
print(net[0].weight.data[0])
print(net[2].weight.data)
自定义初始化
写啥都行,使用以下分布来初始化
python
def my_init(m):
if type(m) == nn.Linear:
print("Init", *[(name, param.shape)
for name, param in m.named_parameters()][0])
nn.init.uniform_(m.weight, -10, 10)
m.weight.data *= m.weight.data.abs() >= 5 #保留绝对值大于5的
net.apply(my_init)
net[0].weight[:2]
#也可以直接设置参数
net[0].weight.data[:] += 1
net[0].weight.data[0, 0] = 42
net[0].weight.data[0]
参数绑定
我们可以在多个层间共享参数:可以定义一个稠密层,然后使用它的参数来设置另一个层的参数
python
# 我们需要给共享层一个名称,以便可以引用它的参数
shared = nn.Linear(8, 8)
net = nn.Sequential(nn.Linear(4, 8), nn.ReLU(),
shared, nn.ReLU(),
shared, nn.ReLU(),#这里调用了两次shared,其实指向的是一个地方
nn.Linear(8, 1))
net(X)
# 检查参数是否相同
print(net[2].weight.data[0] == net[4].weight.data[0])
net[2].weight.data[0, 0] = 100
# 确保它们实际上是同一个对象,而不只是有相同的值
print(net[2].weight.data[0] == net[4].weight.data[0])
自定义层
构造一个没有任何参数的自定义层,
python
import torch
import torch.nn.functional as F
from torch import nn
class CenteredLayer(nn.Module):
def __init__(self):
super.__init__()
def forward(self,X):
return X- X.mean()
layer = CenteredLayer()
layer = (torch.FloatTensor([1,2,3,4,5]))
#最后结果是tensor([-2.,-1.,0.,1.,2.])
#将层作为组件合并到更复杂的模型中
net = nn.Sequential(nn.Linear(8,128),CenteredLayer())
Y = net(torch.rand(4,8))
Y.mean()
#结果为 tensor(-2.7940e-09,grad_fn=<MeanBackward0>)
带参数的图层
python
class MyLinear(nn.Module):
def __init__(self,in_units,units):#有两个参数,输入维度,输出维度
super().__init__()
self.weight = nn.Parameter(torch.randn(in_units,units))#正态分布初始化
self.bias = nn.Parameter(torch.randn(units,))
def forward(self.X):
linear = torch.matmul(X,self.weight.data)+self.bias.data
return F.rulu(linear)
dense = MyLinear(5,3)
print(dense.weight)
读写文件
加载和保存张量
python
import torch
from torch import nn
from torch.nn import functional as F
#单个张量
x = torch.arange(4)
torch.save(x, 'x-file')#保存在当前文件夹,可以自己选路径
x2 = torch.load('x-file')
x2
#也可以存储一个张量列表
y = torch.zeros(4)
torch.save([x, y],'x-files')
x2, y2 = torch.load('x-files')
(x2, y2)
#字符串映射到张量的字典
mydict = {'x': x, 'y': y}
torch.save(mydict, 'mydict')
mydict2 = torch.load('mydict')
mydict2
加载和保存模型参数
python
class MLP(nn.Module):
def __init__(self):
super().__init__()
self.hidden = nn.Linear(20, 256)
self.output = nn.Linear(256, 10)
def forward(self, x):
return self.output(F.relu(self.hidden(x)))
net = MLP()
X = torch.randn(size=(2, 20))
Y = net(X)
torch.save(net.state_dict(), 'mlp.params')#pytorch保存的是参数
#恢复模型,先实例化一个相同的模型类,然后直接读取参数
clone = MLP()
clone.load_state_dict(torch.load('mlp.params'))
clone.eval()#进入评估模式,参数不会被更新