pytorch模型验证(以CIFAR10数据集为例)

在搭建并训练好了自己的神经网络模型后该怎样验证呢?本文将以CIFAR10数据集为例进行讲解,搭建和训练的部分可参考:

https://blog.csdn.net/MarkAssassin/article/details/128381836

验证模型的方法是,将一张图片进行修改后导入到训练好的模型,通过输出的tensor值与CIFAR10数据集中自带的序列表进行比对。

这是本次需要用到的第三方库:

import torch
from torch import nn
import torchvision
from PIL import Image

首先获取一张图片,打开后通过image=image.convert('RGB')保留其颜色通道,因为jpg格式有三个通道,而png格式有四个通道(多了一个透明度通道),加上这段代码可以适应jpg,png各种格式的图片。

img_path='./image2.png'
image=Image.open(img_path)
# print(image)
image=image.convert('RGB')

之后改变图片的尺寸并将其转化成tensor类型,这里之所以要将图片尺寸变为32*32,是因为之前训练的神经网络对图片尺寸的要求就是32*32。

transform=torchvision.transforms.Compose([torchvision.transforms.Resize((32,32)),
                                          torchvision.transforms.ToTensor()])
image=transform(image)
print(image.size())

将神经网络再次搭建,并加载训练好的模型(注意,这里必须再次搭建神经网络MXC,否则程序无法成功运行

class Flatten(nn.Module):
    def forward(self, input):
        return input.view(input.size(0), -1)

class MXC(nn.Module):
    def __init__(self):
        super(MXC, self).__init__()
        self.model=nn.Sequential(
            nn.Conv2d(3,32,5,1,2),
            nn.MaxPool2d(2),
            nn.Conv2d(32,32,5,1,2),
            nn.MaxPool2d(2),
            nn.Conv2d(32,64,5,1,2),
            nn.MaxPool2d(2),
            Flatten(),
            nn.Linear(64*4*4,64),
            nn.Linear(64,10)
        )

    def forward(self,x):
        x=self.model(x)
        return x


model=torch.load("mxc_1.pth")#加载网络模型
# print(model)

在0梯度条件下将图片放入模型中,并调用argmax函数输出序列中最大值的序号:

image=torch.reshape(image,(1,3,32,32))#需要的是4维数据,但图片是3维,用这行代码进行改写
model.eval()
with torch.no_grad():
    output=model(image)
# print(output)

# print(output.argmax(1))#这里输出的tensor[]里的序号就是对完整模型训练套路第11行处debug后打开classes看到的序号对应的东西

CIFAR10数据集自带的“对照表”如下:

pytorch模型验证(以CIFAR10数据集为例)_第1张图片

例如传入一张飞机图片,则输出为tensor([0]),则说明判断正确。

可以通过一下代码让输出结果更为直接:

result=str(output.argmax(1))
code=result.split('[')[-1].split(']')[0]
# print(code)

if code=='0':
    print('飞机')
elif code=='1':
    print('汽车')
elif code=='2':
    print('鸟')
elif code=='3':
    print('猫')
elif code=='4':
    print('鹿')
elif code=='5':
    print('狗')
elif code=='6':
    print('青蛙')
elif code=='7':
    print('马')
elif code=='8':
    print('轮船')
elif code=='9':
    print('卡车')

你可能感兴趣的:(神经网络,CIFAR10,python编程,pytorch,深度学习,人工智能)