1. PyTorch 神经网络基础
1.1 模型构造
1. 块和层
首先,回顾一下多层感知机
import torch
from torch import nn
from torch.nn import functional as Fnet = nn.Sequential(nn.Linear(20, 256), nn.ReLU(), nn.Linear(256, 10))X = torch.rand(2, 20) # 生成随机输入(批量大小=2, 输入维度=20)
net(X) # 输出(批量大小=2, 输出维度=10)
2. 自定义块
自定义MLP实现上一节的功能
class MLP(nn.Module): # 定义nn.Mudule的子类def __init__(self): super().__init__() # 调用父类self.hidden = nn.Linear(20, 256) # 定义隐藏层self.out = nn.Linear(256, 10) # 定义输出层def forward(self, X): # 定义前向函数return self.out(F.relu(self.hidden(X))) # X-> hidden-> relu-> out
实例化MLP的层,然后再每次调用正向传播函数时调用这些层
net = MLP()
net(X)
3. 实现Sequential类
class MySequential(nn.Module):def __init__(self, *args):super().__init__()for block in args:self._modules[block] = blockdef forward(self, X):for block in self._modules.values():X = block(X)return Xnet = MySequential(nn.Linear(20, 256), nn.ReLU(), nn.Linear(256, 10))
net(X)
4. 在正向传播中执行代码
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)X = F.relu(torch.mm(X, self.rand_weight) + 1) # 输入和随机权重做矩阵乘法 + 1(偏移)-》激活函数X = self.linear(X)while X.abs().sum() > 1: # 控制X小于1X /= 2return X.sum() # 返回一个标量net = FixedHiddenMLP()
net(X)
5. 混合搭配各种组合块的方法
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)) # 输入-> net-> linear中chimera = nn.Sequential(NestMLP(), nn.Linear(16, 20), FixedHiddenMLP()) # (32, 16)->(16, 20) ->(20, 1)
chimera(X)
总结:
1、在init中写各种层
2、在前向函数中调用init中各种层
有很强的灵活性
1.2 参数构造
具有单隐藏层的MLP
import torch
from torch import nnnet = 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()) # 拿到nn.Linear的相关参数
访问目标参数
print(type(net[2].bias))
print(net[2].bias)
print(net[2].bias.data)
net[2].weight.grad == None # 梯度是否为0,因为此时还没有计算,所以没有梯度
一次访问所有参数
print(*[(name, param.shape) for name, param in net[0].named_parameters()])
print(*[(name, param.shape) for name, param in net.named_parameters()])
输出没有block1是因为第二层是ReLU是没有参数的
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(): # block2嵌套4个block1net = nn.Sequential()for i in range(4): net.add_module(f'block {i}', block1()) return netrgnet = nn.Sequential(block2(), nn.Linear(4, 1))
rgnet(X)
print(rgnet) # 查看网络结构
内置初始化
def init__normal(m): # 传入的moduleif type(m) == nn.Linear: # 如果传入的是全连接层nn.init.normal_(m.weight, mean=0, std=0.01) # 内置初始化,均值为0方差为1,.normal_替换函数不返回nn.init.zeros_(m.bias) # 所有的bias赋0net.apply(init__normal) # 对神经网络模型net中的所有参数进行初始化,使用init_normal()函数对参数进行随机初始化
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) # 将m.weight初始常数化为1nn.init.zeros_(m.bias)net.apply(init_constant)
net[0].weight.data[0], net[0].bias.data[0]
不建议权重全部常数化,会导致所有向量向一致的方向发展
对某些块应用不同的初始化方法
def xavier(m):if type(m) == nn.Linear:nn.init.xavier_uniform_(m.weight) # 使用Xavier均匀分布进行初始化def init_42(m):if type(m) == nn.Linear:nn.init.constant_(m.weight, 42)net[0].apply(xavier) # 第一个层用xavier初始化
net[2].apply(init_42) # 第二个层用init_42进行初始化
print(net[0].weight.data[0])
print(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的位置进行保留,小于5的位置进行置零操作net.apply(my_init) # 使用my_init对net进行初始化
net[0].weight[:2]
直接进行替换
net[0].weight.data[:] += 1
net[0].weight.data[0, 0] = 42
net[0].weight.data[0]
参数绑定(在不同的网络之间共享权重的方法)
shared = nn.Linear(8, 8)
net = nn.Sequential(nn.Linear(4, 8), nn.ReLU(), shared, nn.ReLU(), shared, # 2和4层共享权重nn.ReLU(), 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])
1.3 自定义层
构造一个没有任何参数的自定义层
import torch
import torch.nn.functional as F
from torch import nnclass CenteredLayer(nn.Module): # 层也是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]))
将层作为组件合并到构建更复杂的模型
net = nn.Sequential(nn.Linear(8, 128), CenteredLayer())Y = net(torch.rand(4, 8))
Y.mean() # 不会真等于0是因为存在浮点的误差
带参数的图层
class MyLinear(nn.Module):def __init__(self, in_units, units):super().__init__()self.weight = nn.Parameter(torch.randn(in_units, units)) # 自定义参数要将其包裹在nn.Parameter中self.bias = nn.Parameter(torch.randn(units,))def forward(self, X):linear = torch.matmul(X, self.weight.data) + self.bias.datareturn F.relu(linear)dense = MyLinear(5, 3) # 输入是5.输出是3
dense.weight
使用自定义层直接执行正向传播计算
dense(torch.rand(2, 5))
使用自定义层构建模型
net = nn.Sequential(MyLinear(64, 8), MyLinear(8, 1))
net(torch.rand(2, 64))
1.4 读写文件
加载和保存张量
import torch
from torch import nn
from torch.nn import functional as Fx = torch.arange(4) # 构造长为4的向量
torch.save(x, 'x-file') # 把x存在当前文件目录下x2 = torch.load("x-file") # 从指定的文件路径("x-file")加载一个PyTorch模型或张量
x2
存储一个张量列表,然后把它们读回内存
y = torch.zeros(4)
torch.save([x, y], 'x-file')
x2, y2 = torch.load('x-file')
(x2, y2)
写入或读取从字符串映射到张量的字典
mydict = {'x' : x, 'y' : y}
torch.save(mydict, 'mydict')
mydict2 = torch.load('mydict')
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)
将模型的参数(主要是权重)存储到一个叫‘mlp.params’的文件
torch.save(net.state_dict(), 'mlp.params')
实例化了原始多层感知机的一个备份,直接读取文件中存储的参数
clone = MLP()
clone.load_state_dict(torch.load("mlp.params")) # 从指定的文件路径("mlp.params")加载一个PyTorch模型的参数,并将这些参数应用到一个新的模型实例(clone)上
clone.eval()
验证
Y_clone = clone(X)
Y_clone == Y
使用GPU
查看gpu
!nvidia-smi
查询可用gpu的数量
import torch
from torch import nntorch.cuda.device_count()
计算设备
import torch
from torch import nntorch.device('cpu'), torch.cuda.device('cuda')
这两个函数允许我们在请求的GPU不存在的情况下运行代码
def try_gpu(i=0): """如果存在,则返回gpu(i),否则返回cpu()。"""if torch.cuda.device_count() >= i + 1:return torch.device(f'cuda:{i}')return torch.device('cpu')def try_all_gpus(): """返回所有可用的GPU,如果没有GPU,则返回[cpu(),]。"""devices = [torch.device(f'cuda:{i}') for i in range(torch.cuda.device_count())]return devices if devices else [torch.device('cpu')]try_gpu(), try_gpu(10), try_all_gpus()
查看张量所在的设备,默认是在cpu上
x = torch.tensor([1, 2, 3])
x.device
存储在GPU上
X = torch.ones(2, 3, device=try_gpu())
X
Y = torch.rand(2, 3, device=try_gpu())
Y
计算X+Y,要决定在哪里执行这个操作,如果不在同一个gpu要执行拷贝
Z = X.cuda(0)
Y + Z
神经网络和GPU
net = nn.Sequential(nn.Linear(3, 1))
net = net.to(device=try_gpu()) # 将cpu上创建好的网络挪到gpu上net(X)
确认模型参数存储在同一个GPU上
net[0].weight.data.device