Shortcuts

学习基础知识 || 快速入门 || 张量 || 数据集和数据加载器 || 变换 || 构建模型 || 自动求导 || 优化 || 保存和加载模型

保存和加载模型

创建于:2021年2月9日 | 最后更新:2024年10月15日 | 最后验证:2024年11月5日

在本节中,我们将探讨如何通过保存、加载和运行模型预测来持久化模型状态。

import torch
import torchvision.models as models

保存和加载模型权重

PyTorch 模型将学习到的参数存储在一个内部状态字典中,称为 state_dict。这些参数可以通过 torch.save 方法持久化:

model = models.vgg16(weights='IMAGENET1K_V1')
torch.save(model.state_dict(), 'model_weights.pth')
Downloading: "https://download.pytorch.org/models/vgg16-397923af.pth" to /var/lib/ci-user/.cache/torch/hub/checkpoints/vgg16-397923af.pth

  0%|          | 0.00/528M [00:00<?, ?B/s]
  4%|3         | 20.9M/528M [00:00<00:02, 218MB/s]
  8%|8         | 42.4M/528M [00:00<00:02, 222MB/s]
 12%|#2        | 63.9M/528M [00:00<00:02, 224MB/s]
 16%|#6        | 85.4M/528M [00:00<00:02, 224MB/s]
 20%|##        | 107M/528M [00:00<00:01, 225MB/s]
 24%|##4       | 128M/528M [00:00<00:01, 224MB/s]
 28%|##8       | 150M/528M [00:00<00:01, 225MB/s]
 32%|###2      | 171M/528M [00:00<00:01, 225MB/s]
 37%|###6      | 193M/528M [00:00<00:01, 224MB/s]
 41%|####      | 214M/528M [00:01<00:01, 225MB/s]
 45%|####4     | 236M/528M [00:01<00:01, 225MB/s]
 49%|####8     | 257M/528M [00:01<00:01, 225MB/s]
 53%|#####2    | 279M/528M [00:01<00:01, 225MB/s]
 57%|#####6    | 300M/528M [00:01<00:01, 225MB/s]
 61%|######    | 322M/528M [00:01<00:00, 225MB/s]
 65%|######5   | 343M/528M [00:01<00:00, 225MB/s]
 69%|######9   | 365M/528M [00:01<00:00, 225MB/s]
 73%|#######3  | 387M/528M [00:01<00:00, 225MB/s]
 77%|#######7  | 408M/528M [00:01<00:00, 225MB/s]
 81%|########1 | 430M/528M [00:02<00:00, 225MB/s]
 85%|########5 | 451M/528M [00:02<00:00, 225MB/s]
 90%|########9 | 473M/528M [00:02<00:00, 225MB/s]
 94%|#########3| 494M/528M [00:02<00:00, 225MB/s]
 98%|#########7| 516M/528M [00:02<00:00, 225MB/s]
100%|##########| 528M/528M [00:02<00:00, 225MB/s]

要加载模型权重,您需要首先创建相同模型的实例,然后使用load_state_dict()方法加载参数。

在下面的代码中,我们设置weights_only=True以限制在反序列化期间执行的函数仅为加载权重所需的函数。使用weights_only=True被认为是加载权重时的最佳实践。

model = models.vgg16() # we do not specify ``weights``, i.e. create untrained model
model.load_state_dict(torch.load('model_weights.pth', weights_only=True))
model.eval()
VGG(
  (features): Sequential(
    (0): Conv2d(3, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))
    (1): ReLU(inplace=True)
    (2): Conv2d(64, 64, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))
    (3): ReLU(inplace=True)
    (4): MaxPool2d(kernel_size=2, stride=2, padding=0, dilation=1, ceil_mode=False)
    (5): Conv2d(64, 128, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))
    (6): ReLU(inplace=True)
    (7): Conv2d(128, 128, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))
    (8): ReLU(inplace=True)
    (9): MaxPool2d(kernel_size=2, stride=2, padding=0, dilation=1, ceil_mode=False)
    (10): Conv2d(128, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))
    (11): ReLU(inplace=True)
    (12): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))
    (13): ReLU(inplace=True)
    (14): Conv2d(256, 256, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))
    (15): ReLU(inplace=True)
    (16): MaxPool2d(kernel_size=2, stride=2, padding=0, dilation=1, ceil_mode=False)
    (17): Conv2d(256, 512, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))
    (18): ReLU(inplace=True)
    (19): Conv2d(512, 512, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))
    (20): ReLU(inplace=True)
    (21): Conv2d(512, 512, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))
    (22): ReLU(inplace=True)
    (23): MaxPool2d(kernel_size=2, stride=2, padding=0, dilation=1, ceil_mode=False)
    (24): Conv2d(512, 512, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))
    (25): ReLU(inplace=True)
    (26): Conv2d(512, 512, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))
    (27): ReLU(inplace=True)
    (28): Conv2d(512, 512, kernel_size=(3, 3), stride=(1, 1), padding=(1, 1))
    (29): ReLU(inplace=True)
    (30): MaxPool2d(kernel_size=2, stride=2, padding=0, dilation=1, ceil_mode=False)
  )
  (avgpool): AdaptiveAvgPool2d(output_size=(7, 7))
  (classifier): Sequential(
    (0): Linear(in_features=25088, out_features=4096, bias=True)
    (1): ReLU(inplace=True)
    (2): Dropout(p=0.5, inplace=False)
    (3): Linear(in_features=4096, out_features=4096, bias=True)
    (4): ReLU(inplace=True)
    (5): Dropout(p=0.5, inplace=False)
    (6): Linear(in_features=4096, out_features=1000, bias=True)
  )
)

注意

在推理之前,请确保调用model.eval()方法,将dropout和批量归一化层设置为评估模式。如果不这样做,将会导致不一致的推理结果。

保存和加载带有形状的模型

在加载模型权重时,我们需要首先实例化模型类,因为类定义了网络的结构。我们可能希望将此类的结构与模型一起保存,在这种情况下,我们可以将model(而不是model.state_dict())传递给保存函数:

torch.save(model, 'model.pth')

然后我们可以加载模型,如下所示。

Saving and loading torch.nn.Modules中所述,保存state_dict被认为是最佳实践。然而,下面我们使用weights_only=False,因为这涉及到加载模型,这是torch.save的一个遗留用例。

model = torch.load('model.pth', weights_only=False),

注意

这种方法在序列化模型时使用Python pickle模块,因此在加载模型时需要实际的类定义可用。