PyTorch

1、指定GPU编号

设置当前使用的GPU设备仅为0号设备,设备名称为 /gpu:0

  1. os.environ["CUDA_VISIBLE_DEVICES"] = "0"

设置当前使用的GPU设备为0, 1号两个设备,名称依次为 /gpu:0/gpu:1
os.environ["CUDA_VISIBLE_DEVICES"] = "0,1" ,根据顺序表示优先使用0号设备,然后使用1号设备。
指定GPU的命令需要放在和神经网络相关的一系列操作的前面。

2、查看模型每层输出详情

Keras有一个简洁的API来查看模型的每一层输出尺寸,这在调试网络时非常有用。现在在PyTorch中也可以实现这个功能。
使用很简单,如下用法:

  1. from torchsummary import summary
  2. summary(your_model, input_size=(channels, H, W))

input_size 是根据自己的网络模型的输入尺寸进行设置。
https://github.com/sksq96/pytorch-summary

3、梯度裁剪(Gradient Clipping)

  1. import torch.nn as nn
  2. outputs = model(data)
  3. loss= loss_fn(outputs, target)
  4. optimizer.zero_grad()
  5. loss.backward()
  6. nn.utils.clip_grad_norm_(model.parameters(), max_norm=20, norm_type=2)
  7. optimizer.step()

nn.utils.clip_grad_norm_ 的参数:

  • parameters – 一个基于变量的迭代器,会进行梯度归一化
  • max_norm – 梯度的最大范数
  • norm_type – 规定范数的类型,默认为L2

梯度裁剪在某些任务上会额外消耗大量的计算时间。

4、扩展单张图片维度

因为在训练时的数据维度一般都是 (batch_size, c, h, w),而在测试时只输入一张图片,所以需要扩展维度,扩展维度有多个方法:

  1. import cv2
  2. import torch
  3. image = cv2.imread(img_path)
  4. image = torch.tensor(image)
  5. print(image.size())
  6. img = image.view(1, *image.size())
  7. print(img.size())
  8. # output:
  9. # torch.Size([h, w, c])
  10. # torch.Size([1, h, w, c])

  1. import cv2
  2. import numpy as np
  3. image = cv2.imread(img_path)
  4. print(image.shape)
  5. img = image[np.newaxis, :, :, :]
  6. print(img.shape)
  7. # output:
  8. # (h, w, c)
  9. # (1, h, w, c)

  1. import cv2
  2. import torch
  3. image = cv2.imread(img_path)
  4. image = torch.tensor(image)
  5. print(image.size())
  6. img = image.unsqueeze(dim=0)
  7. print(img.size())
  8. img = img.squeeze(dim=0)
  9. print(img.size())
  10. # output:
  11. # torch.Size([(h, w, c)])
  12. # torch.Size([1, h, w, c])
  13. # torch.Size([h, w, c])

tensor.unsqueeze(dim):扩展维度,dim指定扩展哪个维度。
tensor.squeeze(dim):去除dim指定的且size为1的维度,维度大于1时,squeeze()不起作用,不指定dim时,去除所有size为1的维度。

5、独热编码

在PyTorch中使用交叉熵损失函数的时候会自动把label转化成onehot,所以不用手动转化,而使用MSE需要手动转化成onehot编码。

  1. import torch
  2. class_num = 8
  3. batch_size = 4
  4. def one_hot(label):
  5. """
  6. 将一维列表转换为独热编码
  7. """
  8. label = label.resize_(batch_size, 1)
  9. m_zeros = torch.zeros(batch_size, class_num)
  10. # 从 value 中取值,然后根据 dim 和 index 给相应位置赋值
  11. onehot = m_zeros.scatter_(1, label, 1) # (dim,index,value)
  12. return onehot.numpy() # Tensor -> Numpy
  13. label = torch.LongTensor(batch_size).random_() % class_num # 对随机数取余
  14. print(one_hot(label))
  15. # output:
  16. [[0. 0. 0. 1. 0. 0. 0. 0.]
  17. [0. 0. 0. 0. 1. 0. 0. 0.]
  18. [0. 0. 1. 0. 0. 0. 0. 0.]
  19. [0. 1. 0. 0. 0. 0. 0. 0.]]

https://discuss.pytorch.org/t/convert-int-into-one-hot-format/507/3

6、防止验证模型时爆显存

验证模型时不需要求导,即不需要梯度计算,关闭autograd,可以提高速度,节约内存。如果不关闭可能会爆显存。

  1. with torch.no_grad():
  2. # 使用model进行预测的代码
  3. pass

torch.cuda.empty_cache() 的使用原因更新一下。
这是原回答:

Pytorch 训练时无用的临时变量可能会越来越多,导致 out of memory ,可以使用下面语句来清理这些不需要的变量。

官网上的解释为:

Releases all unoccupied cached memory currently held by the caching allocator so that those can be used in other GPU application and visible innvidia-smi.torch.cuda.empty_cache()

意思就是PyTorch的缓存分配器会事先分配一些固定的显存,即使实际上tensors并没有使用完这些显存,这些显存也不能被其他应用使用。这个分配过程由第一次CUDA内存访问触发的。
torch.cuda.empty_cache() 的作用就是释放缓存分配器当前持有的且未占用的缓存显存,以便这些显存可以被其他GPU应用程序中使用,并且通过 nvidia-smi命令可见。注意使用此命令不会释放tensors占用的显存。
对于不用的数据变量,Pytorch 可以自动进行回收从而释放相应的显存。
更详细的优化可以查看:
优化显存使用:https://blog.csdn.net/qq_28660035/article/details/80688427
显存利用问题:https://oldpan.me/archives/pytorch-gpu-memory-usage-track

7、学习率衰减

  1. import torch.optim as optim
  2. from torch.optim import lr_scheduler
  3. # 训练前的初始化
  4. optimizer = optim.Adam(net.parameters(), lr=0.001)
  5. scheduler = lr_scheduler.StepLR(optimizer, 10, 0.1) # # 每过10个epoch,学习率乘以0.1
  6. # 训练过程中
  7. for n in n_epoch:
  8. scheduler.step()
  9. ...

8、冻结某些层的参数

在加载预训练模型的时候,有时想冻结前面几层,使其参数在训练过程中不发生变化。
需要先知道每一层的名字,通过如下代码打印:

  1. net = Network() # 获取自定义网络结构
  2. for name, value in net.named_parameters():
  3. print('name: {0},\t grad: {1}'.format(name, value.requires_grad))

假设前几层信息如下:

  1. name: cnn.VGG_16.convolution1_1.weight, grad: True
  2. name: cnn.VGG_16.convolution1_1.bias, grad: True
  3. name: cnn.VGG_16.convolution1_2.weight, grad: True
  4. name: cnn.VGG_16.convolution1_2.bias, grad: True
  5. name: cnn.VGG_16.convolution2_1.weight, grad: True
  6. name: cnn.VGG_16.convolution2_1.bias, grad: True
  7. name: cnn.VGG_16.convolution2_2.weight, grad: True
  8. name: cnn.VGG_16.convolution2_2.bias, grad: True

后面的True表示该层的参数可训练,然后定义一个要冻结的层的列表:

  1. no_grad = [
  2. 'cnn.VGG_16.convolution1_1.weight',
  3. 'cnn.VGG_16.convolution1_1.bias',
  4. 'cnn.VGG_16.convolution1_2.weight',
  5. 'cnn.VGG_16.convolution1_2.bias'
  6. ]

冻结方法如下:

  1. net = Net.CTPN() # 获取网络结构
  2. for name, value in net.named_parameters():
  3. if name in no_grad:
  4. value.requires_grad = False
  5. else:
  6. value.requires_grad = True

冻结后再打印每层的信息:

  1. name: cnn.VGG_16.convolution1_1.weight, grad: False
  2. name: cnn.VGG_16.convolution1_1.bias, grad: False
  3. name: cnn.VGG_16.convolution1_2.weight, grad: False
  4. name: cnn.VGG_16.convolution1_2.bias, grad: False
  5. name: cnn.VGG_16.convolution2_1.weight, grad: True
  6. name: cnn.VGG_16.convolution2_1.bias, grad: True
  7. name: cnn.VGG_16.convolution2_2.weight, grad: True
  8. name: cnn.VGG_16.convolution2_2.bias, grad: True

可以看到前两层的weight和bias的requires_grad都为False,表示它们不可训练。
最后在定义优化器时,只对requires_grad为True的层的参数进行更新。

  1. optimizer = optim.Adam(filter(lambda p: p.requires_grad, net.parameters()), lr=0.01)

9、对不同层使用不同学习率

对模型的不同层使用不同的学习率。
还是使用这个模型作为例子:

  1. net = Network() # 获取自定义网络结构
  2. for name, value in net.named_parameters():
  3. print('name: {}'.format(name))
  4. # 输出:
  5. # name: cnn.VGG_16.convolution1_1.weight
  6. # name: cnn.VGG_16.convolution1_1.bias
  7. # name: cnn.VGG_16.convolution1_2.weight
  8. # name: cnn.VGG_16.convolution1_2.bias
  9. # name: cnn.VGG_16.convolution2_1.weight
  10. # name: cnn.VGG_16.convolution2_1.bias
  11. # name: cnn.VGG_16.convolution2_2.weight
  12. # name: cnn.VGG_16.convolution2_2.bias

对 convolution1 和 convolution2 设置不同的学习率,首先将它们分开,即放到不同的列表里:

  1. conv1_params = []
  2. conv2_params = []
  3. for name, parms in net.named_parameters():
  4. if "convolution1" in name:
  5. conv1_params += [parms]
  6. else:
  7. conv2_params += [parms]
  8. # 然后在优化器中进行如下操作:
  9. optimizer = optim.Adam(
  10. [
  11. {"params": conv1_params, 'lr': 0.01},
  12. {"params": conv2_params, 'lr': 0.001},
  13. ],
  14. weight_decay=1e-3,
  15. )

将模型划分为两部分,存放到一个列表里,每部分就对应上面的一个字典,在字典里设置不同的学习率。当这两部分有相同的其他参数时,就将该参数放到列表外面作为全局参数,如上面的weight_decay
也可以在列表外设置一个全局学习率,当各部分字典里设置了局部学习率时,就使用该学习率,否则就使用列表外的全局学习率。