2 Star 1 Fork 0

一路向前/learn

加入 Gitee
与超过 1200万 开发者一起发现、参与优秀开源项目,私有仓库也完全免费 :)
免费加入
文件
该仓库未声明开源许可证文件(LICENSE),使用请关注具体项目描述及其代码上游依赖。
克隆/下载
test.py 1.09 KB
一键复制 编辑 原始数据 按行查看 历史
LY 提交于 2024-09-26 14:42 . GPU训练
import torch
import torchvision
from PIL import Image
from torch import nn
img_path = "./imgs/dog.jpg"
img = Image.open(img_path)
transform = torchvision.transforms.Compose([torchvision.transforms.Resize((32, 32)),
torchvision.transforms.ToTensor()])
img = transform(img)
# 模型文件
class Tudui(nn.Module):
def __init__(self):
super(Tudui, 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
# model = torch.load("./tudui_44.pth", map_location=torch.device("cuda"))
model = torch.load("./tudui_44.pth")
model.to("cpu")
print(model)
img = torch.reshape(img, (1, 3, 32, 32))
model.eval()
with torch.no_grad():
output = model(img)
print(output)
print(output.argmax(1))
Loading...
马建仓 AI 助手
尝试更多
代码解读
代码找茬
代码优化
1
https://gitee.com/li-zen/learn.git
git@gitee.com:li-zen/learn.git
li-zen
learn
learn
master

搜索帮助