参考:C++调用PyTorch模型:LibTorch
环境
Windows10
VS2017
CPU
OpenCV3.0.0
Pytorch1.10.2 torchvision0.11.3
Libtorch1.10.2
Libtorch下载
Pytorch官网
data:image/s3,"s3://crabby-images/d4036/d403672d0e726a172591b7c1ce0dd604c9d67dd9" alt="在这里插入图片描述" 解压后:注意红框文件夹路径,之后需要添加到项目属性配置中。 data:image/s3,"s3://crabby-images/04e37/04e3789bcd10f4022ebb07b6af1edf2bbbe28626" alt="在这里插入图片描述"
Pytorch将.pth转为.pt文件
所使用的模型为基于AlexNet的分类模型:AlexNet:论文阅读及pytorch网络搭建
python环境下的预测
输出结果:rose
data:image/s3,"s3://crabby-images/6c953/6c9534fffa4c58619e6fbe2d7b73fe0d9454c3bd" alt="在这里插入图片描述" data:image/s3,"s3://crabby-images/2cda1/2cda1240914767c6cfead7cffae5c9608d2c779d" alt="在这里插入图片描述"
新建pt模型生成文件
import os
import torch
from PIL import Image
from torchvision import transforms
from model import AlexNet
def main():
device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu")
print("using {} device.".format(device))
model = AlexNet(num_classes=5).to(device)
image = Image.open("rose2.jpg").convert('RGB')
data_transform = transforms.Compose(
[transforms.Resize((224, 224)),
transforms.ToTensor(),
transforms.Normalize((0.5, 0.5, 0.5), (0.5, 0.5, 0.5))])
img = data_transform(image)
img = img.unsqueeze(dim=0)
print(img.shape)
weights_path = "AlexNet.pth"
assert os.path.exists(weights_path), "file: '{}' dose not exist.".format(weights_path)
testsize = 224
if torch.cuda.is_available():
modelState = torch.load(weights_path, map_location='cuda')
model.load_state_dict(modelState, strict=False)
model = model.cuda()
model = model.eval()
example = torch.rand(1, 3, testsize, testsize)
example = example.cuda()
traced_script_module = torch.jit.trace(model, example)
output = traced_script_module(img.cuda())
print(output.shape)
pred = torch.argmax(output, dim=1)
print(pred)
traced_script_module.save('model_cuda.pt')
else:
modelState = torch.load(weights_path, map_location='cpu')
model.load_state_dict(modelState, strict=False)
example = torch.rand(1, 3, testsize, testsize)
example = example.cpu()
traced_script_module = torch.jit.trace(model, example)
output = traced_script_module(img.cpu())
print(output.shape)
pred = torch.argmax(output, dim=1)
print(pred)
traced_script_module.save('model.pt')
if __name__ == '__main__':
main()
输出结果:rose
data:image/s3,"s3://crabby-images/57ea7/57ea7b7ec0170df11615a5573b9a44b07be315a7" alt="在这里插入图片描述"
data:image/s3,"s3://crabby-images/3510f/3510f8489e21f38b6b0e0aff0069fe286284a415" alt="在这里插入图片描述"
C++调用pytorch模型
新建空项目pt_alex
data:image/s3,"s3://crabby-images/0c4c7/0c4c76eac229e2b6a2033c1e697b6335fbcc66be" alt="在这里插入图片描述"
项目属性配置
修改配置管理器
Release/x64 data:image/s3,"s3://crabby-images/c4841/c4841ffd3477ffb66529278c7d94a1152f728ff0" alt="在这里插入图片描述"
属性>VC++目录>包含目录
添加:(libtorch解压位置) data:image/s3,"s3://crabby-images/2ca4e/2ca4e6f0aba1688b81ff96cab991cf1207f466ae" alt="在这里插入图片描述"
注意还应有opencv目录:(继承值修改可参考) data:image/s3,"s3://crabby-images/ed8ce/ed8cefb14e5fa2e06d2298b478cc552da33ad716" alt="在这里插入图片描述"
属性>VC++目录>库目录
添加: data:image/s3,"s3://crabby-images/6a6c1/6a6c164f91fb131bcf6599070e4c9efb914a79e1" alt="在这里插入图片描述"
属性>链接器>输入>附加依赖项
添加: data:image/s3,"s3://crabby-images/a5de2/a5de2421cb4156298bfb73c314e1c0ed93f8078f" alt="在这里插入图片描述"
注意:
如果后续出现error:找不到c10.dll,
直接把该目录下的相应dll复制到项目pt_alex/x64/Release文件夹下。
注意还应有opencv目录:(Debug下为lib*d.lib) data:image/s3,"s3://crabby-images/ca4ee/ca4ee88972e1dd1233eead7ae0ef7ea4c2241470" alt="在这里插入图片描述"
注意CUDA下的情况
链接器>命令行,添加:
/INCLUDE:?warp_size@cuda@at@@YAHXZ
属性>C/C++
常规>SDL检查:选择否 语言>符合模式:选择否
项目下新建test.cpp
#include <torch/script.h>
#include "torch/torch.h"
#include <opencv2/opencv.hpp>
#include "opencv2/core.hpp"
#include "opencv2/imgproc.hpp"
#include "opencv2/highgui.hpp"
#include "opencv2/imgcodecs.hpp"
#include <vector>
#include <chrono>
#include <string>
#include <vector>
#include <iostream>
#include <memory>
std::string classList[5] = { "daisy", "dandelion", "rose", "sunflower", "tulip" };
std::string image_path = "rose2.jpg";
int main(int argc, const char* argv[]) {
using torch::jit::script::Module;
Module module = torch::jit::load("model.pt");
std::cout << image_path << std::endl;
std::cout << "cuda support:" << (torch::cuda::is_available() ? "ture" : "false") << std::endl;
std::cout << "CUDNN: " << torch::cuda::cudnn_is_available() << std::endl;
std::cout << "GPU(s): " << torch::cuda::device_count() << std::endl;
module.to(at::kCPU);
auto image = cv::imread(image_path, cv::IMREAD_COLOR);
cv::cvtColor(image, image, cv::COLOR_BGR2RGB);
cv::Mat image_transfomed;
cv::resize(image, image_transfomed, cv::Size(224, 224));
torch::Tensor tensor_image = torch::from_blob(image_transfomed.data,
{ image_transfomed.rows, image_transfomed.cols,3 }, torch::kByte);
tensor_image = tensor_image.permute({ 2,0,1 });
tensor_image = tensor_image.toType(torch::kFloat);
tensor_image = tensor_image.div(255);
tensor_image = tensor_image.unsqueeze(0);
tensor_image = tensor_image.to(at::kCPU);
at::Tensor output = module.forward({ tensor_image }).toTensor();
std::cout << "output:" << output << std::endl;
auto prediction = output.argmax(1);
std::cout << "prediction:" << prediction << std::endl;
int maxk = 5;
auto top3 = std::get<1>(output.topk(maxk, 1, true, true));
std::cout << "top3: " << top3 << '\n';
std::vector<int> res;
for (auto i = 0; i < maxk; i++) {
res.push_back(top3[0][i].item().toInt());
}
int pre = torch::Tensor(prediction).item<int>();
std::string result = classList[pre];
std::cout << "This is:" << result << std::endl;
cvWaitKey();
return 0;
}
出现以下报错不影响项目生成: data:image/s3,"s3://crabby-images/fd3c1/fd3c1eb4c167bc1bab050a115773fc6033083ba4" alt="在这里插入图片描述"
输出结果:rose
data:image/s3,"s3://crabby-images/b107d/b107d263ee8cbabaaf52374ae5bd5bfd97a0f0d1" alt="在这里插入图片描述"
|