声明
本文章为个人学习使用,版面观感若有不适请谅解,文中知识仅代表个人观点,若出现错误,欢迎各位批评指正。
十五、层和块
- nn.Sequential()
nn.Sequential() 是一个序列容器,用于搭建神经网络的模块按照被传入构造器的顺序添加到 nn.Sequential() 容器中。除此之外,一个包含神经网络模块的 OrderedDict 也可以被传入 nn.Sequential() 容器中。利用 nn.Sequential() 搭建好模型架构,模型前向传播时调用 forward() 方法,模型接收的输入首先被传入 nn.Sequential() 包含的第一个网络模块中。然后,第一个网络模块的输出传入第二个网络模块作为输入,按照顺序依次计算并传播,直到 nn.Sequential() 里的最后一个模块输出结果。
import torch
from torch import nn
from torch.nn import functional as F
device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu")
# 单层神经网络,线性层 + RelU + 线性层
net = nn.Sequential(nn.Linear(20, 256), nn.ReLU(), nn.Linear(256, 10)).to(device)
X = torch.rand(2, 20).to(device)
print(f'net(X) : {net(X)}')
print(net, "\n")
""" 自定义块 """
class MLP(nn.Module):
# 用模型参数声明层。这里,我们声明两个全连接的层
def __init__(self):
# 调用 MLP 的父类 Module 的构造函数来执行必要的初始化。
super().__init__()
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)))
net = MLP().to(device)
print(f'自定义块 : {net(X)}')
print(net, "\n")
""" 顺序块 """
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
net = MySequential(nn.Linear(20, 256), nn.ReLU(), nn.Linear(256, 10)).to(device)
print(f'顺序块 : {net(X)}')
print(net, "\n")
""" 在前向传播函数中执行代码 """
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.to(device)) + 1)
# 复用全连接层。这相当于两个全连接层共享参数
X = self.linear(X).to(device)
# 控制流
while X.abs().sum() > 1:
X /= 2
return X.sum()
net = FixedHiddenMLP().to(device)
print(f'将自定义功能集成到神经网络计算的流程中 : {net(X)}')
print(net, "\n")
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))
chimera = nn.Sequential(NestMLP(), nn.Linear(16, 20), FixedHiddenMLP()).to(device)
print(f'混合搭配各种组合块 : {chimera(X)}')
print(chimera, "\n")
十六、参数管理
import torch
from torch import nn
device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu")
""" 参数管理 """
net = nn.Sequential(nn.Linear(4, 8), nn.ReLU(), nn.Linear(8, 1)).to(device)
X = torch.rand(size=(2, 4)).to(device)
print(f'net(X) : {net(X)}')
""" 访问目标参数 """
print(f'访问第 2 个全连接层的参数 : {net[2].state_dict()}')
print(f'查看第 2 个全连接层偏置的类型 : {type(net[2].bias)}')
print(f'查看第 2 个全连接层的偏置 : {net[2].bias}')
print(f'查看第 2 个全连接层偏置的值 : {net[2].bias.data}')
print(f'查看第 2 个全连接层参数的梯度是否处于初始状态 : {net[2].weight.grad == None}')
""" 一次性访问所有参数 """
print("访问第一个全连接层的参数 : ", *[(name, param.shape) for name, param in net[0].named_parameters()])
print("访问所有全连接层的参数 : ", *[(name, param.shape) for name, param in net.named_parameters()])
print("查看第 2 个全连接层偏置的值 : ", net.state_dict()['2.bias'].data)
""" 从嵌套块收集参数 """
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):
# 在这里嵌套,循环套入 4 次 block1
net.add_module(f'block {i}', block1())
return net
rgnet = nn.Sequential(block2(), nn.Linear(4, 1)).to(device)
print("rgnet(X) : ", rgnet(X))
print(f'rgnet 中包含哪些层和块 : {rgnet}')
print("访问第一个主要的块中、第二个子块的第一层的偏置项 : ", rgnet[0][1][0].bias.data)
""" 内参初始化 """
def init_normal(m):
if type(m) == nn.Linear:
# 初始化为均值为 0,标准差为 0.01 的高斯随机变量,且将偏置参数设置为 0
nn.init.normal_(m.weight, mean=0, std=0.01)
nn.init.zeros_(m.bias)
net.apply(init_normal)
print("查看初始化后的权重值及偏置值 : ", net[0].weight.data[0], net[0].bias.data[0])
def init_constant(m):
if type(m) == nn.Linear:
nn.init.constant_(m.weight, 1)
nn.init.zeros_(m.bias)
net.apply(init_constant)
print("查看初始化后的权重值及偏置值 : ", net[0].weight.data[0], net[0].bias.data[0])
def init_xavier(m):
if type(m) == nn.Linear:
nn.init.xavier_uniform_(m.weight)
def init_15(m):
if type(m) == nn.Linear:
nn.init.constant_(m.weight, 15)
net[0].apply(init_xavier)
net[2].apply(init_15)
print("查看初始化后的权重值及偏置值 : ", net[0].weight.data[0], net[2].weight.data)
""" 自定义初始化 """
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 的数,其余变为 0
net.apply(my_init)
print("查看初始化后的权重值 : ", net[0].weight[:2])
net[0].weight.data[:] += 5
net[0].weight.data[0, 0] = 15
print("查看修改后的权重值 : ", net[0].weight.data[0])
""" 参数绑定 """
# 需要给共享层一个名称,以便可以引用它的参数
shared = nn.Linear(8, 8)
net = nn.Sequential(nn.Linear(4, 8), nn.ReLU(),
shared, nn.ReLU(),
shared, nn.ReLU(),
nn.Linear(8, 1)).to(device)
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])
print("查看 net 中的层和块 : ", net)
十七、自定义层
import torch
from torch import nn
from torch.nn import functional as F
device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu")
""" 自定义层 """
class CenteredLayer(nn.Module):
def __init__(self):
super().__init__()
def forward(self, X):
return X - X.mean() # X - X 的均值
layer = CenteredLayer()
print("查看构建的层 : ", layer(torch.FloatTensor([1, 2, 3, 4, 5]).to(device)))
net = nn.Sequential(nn.Linear(8, 128), CenteredLayer()).to(device)
Y = net(torch.rand(4, 8).to(device))
print("将层作为组件合并到其它的模型 : ", format(Y.mean(), '.2f')) # 验证 Y 的均值
""" 带参数的层 """
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.relu(linear)
linear = MyLinear(5, 3).to(device)
print("访问模型参数 : ", linear.weight)
print("使用自定义层直接执行前向传播计算 : ", linear(torch.rand(2, 5).to(device)))
net = nn.Sequential(MyLinear(64, 8), MyLinear(8, 1)).to(device)
print("使用自定义层构建模型 : ", net(torch.rand(2, 64).to(device)))
十八、读写文件
import torch
from torch import nn
from torch.nn import functional as F
""" 读写文件 """
x = torch.arange(4)
# 将数据存入指定位置
torch.save(x, 'E:\\DeeplearningStudyDoc\\x-file')
x2 = torch.load('E:\\DeeplearningStudyDoc\\x-file')
print("将存储在文件中的数据读回内存 : ", x2)
y = torch.zeros(4)
torch.save([x, y],'E:\\DeeplearningStudyDoc\\x-file')
x2, y2 = torch.load('E:\\DeeplearningStudyDoc\\x-file')
print("存储一个张量列表,然后把它们读回内存 : ", (x2, y2))
mydict = {'x': x, 'y': y}
torch.save(mydict, 'E:\\DeeplearningStudyDoc\\mydict')
mydict2 = torch.load('E:\\DeeplearningStudyDoc\\mydict')
print("存储成字典并读取 : ", mydict2)
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(), 'E:\\DeeplearningStudyDoc\\mlp.params')
clone = MLP()
clone.load_state_dict(torch.load('E:\\DeeplearningStudyDoc\\mlp.params'))
print("直接读取文件中存储的参数以创建备份 : ", clone.eval())
Y_clone = clone(X)
print("验证备份模型与原模型是否相同 : ", Y_clone == Y)
文中部分知识参考:B 站 —— 跟李沐学AI;百度百科