如何加载和使用预保留的 PyTorch InceptionV3 模型对图像进行分类

met*_*ate 6 python torch pytorch

我有同样的问题我遇到了与How can I load and use a PyTorch (.pth.tar) model该模型没有公认的答案,或者我可以弄清楚如何遵循给出的建议。

我是 PyTorch 的新手。我正在尝试加载此处引用的预训练 PyTorch 模型: https: //github.com/macaodha/inat_comp_2018

我很确定我缺少一些胶水。

# load the model
import torch
model=torch.load("iNat_2018_InceptionV3.pth.tar",map_location='cpu')

# try to get it to classify an image
imsize = 256
loader = transforms.Compose([transforms.Scale(imsize), transforms.ToTensor()])

def image_loader(image_name):
    """load image, returns cuda tensor"""
    image = Image.open(image_name)
    image = loader(image).float()
    image = Variable(image, requires_grad=True)
    image = image.unsqueeze(0)  
    return image.cpu()  #assumes that you're using CPU

image = image_loader("test-image.jpg")
Run Code Online (Sandbox Code Playgroud)

产生错误:

in () ----> 1 model.predict(image)

AttributeError:“dict”对象没有属性“predict”

Chr*_*ris 4

问题

你的model实际上不是模特。当它被保存时,它不仅包含参数,还包含有关模型的其他信息,其形式有点类似于字典。

因此,torch.load("iNat_2018_InceptionV3.pth.tar")简单地返回dict,当然它没有名为 的属性predict

model=torch.load("iNat_2018_InceptionV3.pth.tar",map_location='cpu')
type(model)
# dict
Run Code Online (Sandbox Code Playgroud)

解决方案

在这种情况下,在一般情况下,您首先需要做的是实例化您所需的模型类,按照官方指南“加载模型”

# First try
from torchvision.models import Inception3
v3 = Inception3()
v3.load_state_dict(model['state_dict']) # model that was imported in your code.
Run Code Online (Sandbox Code Playgroud)

然而,直接输入model['state_dict']会引发一些关于 的Inception3参数形状不匹配的错误。

重要的是要知道Inception3实例化后发生了什么变化。幸运的是,您可以在原作者的train_inat.py.

# What the author has done
model = inception_v3(pretrained=True)
model.fc = nn.Linear(2048, args.num_classes) #where args.num_classes = 8142
model.aux_logits = False
Run Code Online (Sandbox Code Playgroud)

现在我们知道要更改什么,让我们对我们的第一次尝试进行一些修改。

# Second try
from torchvision.models import Inception3
v3 = Inception3()
v3.fc = nn.Linear(2048, 8142)
v3.aux_logits = False
v3.load_state_dict(model['state_dict']) # model that was imported in your code.
Run Code Online (Sandbox Code Playgroud)

这样你就可以成功加载模型了!