1 Star 0 Fork 0

gisleung/py_pytorch_learn

加入 Gitee
与超过 1200万 开发者一起发现、参与优秀开源项目,私有仓库也完全免费 :)
免费加入
文件
该仓库未声明开源许可证文件(LICENSE),使用请关注具体项目描述及其代码上游依赖。
克隆/下载
023 test-study.py 1.55 KB
一键复制 编辑 原始数据 按行查看 历史
gisleung 提交于 2022-04-01 20:27 . 复习完毕
"""
测试(使用)训练好的网络
"""
import torch
import torchvision
from PIL import Image
from torch import nn
# 网上随便下载一个图片
image_path = "./images/dogg.png"
image = Image.open(image_path)
image = image.convert("RGB")
print(image)
transform = torchvision.transforms.Compose([torchvision.transforms.Resize((32, 32)),
torchvision.transforms.ToTensor()])
image = transform(image)
print(image.shape)
# 搭建神经网络
class Gisleung(nn.Module):
def __init__(self):
super(Gisleung, 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),
nn.Flatten(),
nn.Linear(64 * 4 * 4, 64),
nn.Linear(64, 10)
)
def forward(self, x):
x = self.model(x)
return x
# 注意:模型保存时是采用GPU训练的,当需要在cpu测试时
# 1 在gpu测试
# model = torch.load("./model_save/gis_9.pth")
# image = torch.reshape(image, (1, 3, 32, 32)).cuda()
# 2 在cpu测试
model = torch.load("./model_save/gis_9.pth", map_location=torch.device("cpu"))
image = torch.reshape(image, (1, 3, 32, 32))
model.eval()
with torch.no_grad():
output = model(image)
print(output)
print(output.argmax(1))
# 最后输出的是5,训练集中第5个类别是狗dog
# 如果输出的不是5,两种可能①图片找的不太对;②模型没训练好
马建仓 AI 助手
尝试更多
代码解读
代码找茬
代码优化
1
https://gitee.com/gisleung/py_pytorch_learn.git
git@gitee.com:gisleung/py_pytorch_learn.git
gisleung
py_pytorch_learn
py_pytorch_learn
master

搜索帮助

0d507c66 1850385 C8b1a773 1850385