1.首先官网上下载libtorch,放到当前项目下

2.将pytorch训练好的模型使用torch.jit.trace导出为.pt格式

 import torch
from skimage import io, transform, color
import numpy as np
import os
import torch.nn.functional as F
import warnings
warnings.filterwarnings("ignore")
device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu") labels = ['cock', 'drawing', 'neutral', 'porn', 'sexy']
path = "test/n_1.jpg"
im = io.imread(path)
if im.shape[2] == 4:
im = color.rgba2rgb(im) im = transform.resize(im, (224, 224))
im = np.transpose(im, (2, 0, 1))
dummy_input = np.expand_dims(im, 0)
inp = torch.from_numpy(dummy_input)
inp = inp.float()
model = torch.load(
"models/resnet50-epoch-0-accu-0.9213857428381079.pth", map_location='cpu')
traced_script_module = torch.jit.trace(model, inp)
output = model(inp)
probs = F.softmax(output).detach().numpy()[0]
pred = np.argmax(probs) traced_script_module.save("models/traced_resnet_model.pt")

torchscript加载.pt模型

 // One-stop header.
#include <torch/script.h> // headers for opencv
#include <opencv2/highgui/highgui.hpp>
#include <opencv2/imgproc/imgproc.hpp>
#include <opencv2/opencv.hpp> #include <cmath>
#include <iostream>
#include <memory>
#include <string>
#include <vector> #define kIMAGE_SIZE 224
#define kCHANNELS 3
#define kTOP_K 1 //print top k predicted results bool LoadImage(std::string file_name, cv::Mat &image)
{
image = cv::imread(file_name); // CV_8UC3
if (image.empty() || !image.data)
{
return false;
}
cv::cvtColor(image, image, CV_BGR2RGB);
// scale image to fit
cv::Size scale(kIMAGE_SIZE, kIMAGE_SIZE);
cv::resize(image, image, scale); // convert [unsigned int] to [float]
image.convertTo(image, CV_32FC3,1.0/255); return true;
} bool LoadImageNetLabel(std::string file_name,
std::vector<std::string> &labels)
{
std::ifstream ifs(file_name);
if (!ifs)
{
return false;
}
std::string line;
while (std::getline(ifs, line))
{
labels.push_back(line);
}
return true;
} int main(int argc, const char *argv[])
{
if (argc != 3)
{
std::cerr << "Usage:classifier <path-to-exported-script-module> <path-to-lable-file> " << std::endl;
return -1;
} //load model
torch::jit::script::Module module = torch::jit::load(argv[1]);
// to GPU
// module->to(at::kCUDA);
std::cout << "== ResNet50 loaded!\n"; //load labels(classes names)
std::vector<std::string> labels;
if (LoadImageNetLabel(argv[2], labels))
{
std::cout << "== Label loaded! Let's try it\n";
}
else
{
std::cerr << "Please check your label file path." << std::endl;
return -1;
} std::string file_name = "";
cv::Mat image;
while (true)
{
std::cout << "== Input image path: [enter q to exit]" << std::endl;
std::cin >> file_name;
if (file_name == "Q" || file_name == "q")
{
break;
}
if (LoadImage(file_name, image))
{
//read image tensor
auto input_tensor = torch::from_blob(
image.data, {1, kIMAGE_SIZE, kIMAGE_SIZE, kCHANNELS});
input_tensor = input_tensor.permute({0, 3, 1, 2});
input_tensor[0][0] = input_tensor[0][0].sub_(0.485).div_(0.229);
input_tensor[0][1] = input_tensor[0][1].sub_(0.456).div_(0.224);
input_tensor[0][2] = input_tensor[0][2].sub_(0.406).div_(0.225);
// to GPU
// input_tensor = input_tensor.to(at::kCUDA); torch::Tensor out_tensor = module.forward({input_tensor}).toTensor(); auto results = out_tensor.sort(-1, true);
auto softmaxs = std::get<0>(results)[0].softmax(0);
auto indexs = std::get<1>(results)[0]; for (int i = 0; i < kTOP_K; ++i)
{
auto idx = indexs[i].item<int>();
std::cout << " ============= Top-" << i + 1 << " =============" << std::endl;
std::cout << " Label: " << labels[idx] << std::endl;
std::cout << " With Probability: "
<< softmaxs[i].item<float>() * 100.0f << "%" << std::endl;
}
}
else
{
std::cout << "Can't load the image, please check your path." << std::endl;
}
}
}

CMakeLists.txt编译

 cmake_minimum_required(VERSION 2.8)
project(predict_demo)
SET(CMAKE_CXX_FLAGS ${CMAKE_CXX_FLAGS} "-std=c++11 -O3") set(OpenCV_DIR /home/buyizhiyou/opencv-3.4./build)
find_package(OpenCV REQUIRED)
find_package(Torch REQUIRED) # 添加头文件
include_directories( ${OpenCV_INCLUDE_DIRS} ) add_executable(resnet_demo resnet_demo.cpp)
target_link_libraries(resnet_demo ${TORCH_LIBRARIES} ${OpenCV_LIBS})
set_property(TARGET resnet_demo PROPERTY CXX_STANDARD )

运行

./resnet_demo   models/traced_resnet_model.pt  labels.txt

c++ 使用torchscript 加载训练好的pytorch模型的更多相关文章

  1. vue中加载three.js的gltf模型

    vue中加载three.js的gltf模型 一.开始引入three.js相关插件.首先利用淘宝镜像,操作命令为: cnpm install three //npm install three也行 二. ...

  2. pytorch 加载训练好的模型做inference

    前提: 模型参数和结构是分别保存的 1. 构建模型(# load model graph) model = MODEL() 2.加载模型参数(# load model state_dict) mode ...

  3. Tensorflow加载预训练模型和保存模型(ckpt文件)以及迁移学习finetuning

    转载自:https://blog.csdn.net/huachao1001/article/details/78501928 使用tensorflow过程中,训练结束后我们需要用到模型文件.有时候,我 ...

  4. Tensorflow加载预训练模型和保存模型

    转载自:https://blog.csdn.net/huachao1001/article/details/78501928 使用tensorflow过程中,训练结束后我们需要用到模型文件.有时候,我 ...

  5. 关于Tensorflow 加载和使用多个模型的方式

    在Tensorflow中,所有操作对象都包装到相应的Session中的,所以想要使用不同的模型就需要将这些模型加载到不同的Session中并在使用的时候申明是哪个Session,从而避免由于Sessi ...

  6. [原][osgearth]earth文件加载道路一初步看见模型道路

    时间是2017年2月5日17:16:32 由于OE2.9还没有发布,但是我又急于使用OE的道路. 所以,我先编译了正在github上调试中的OE2.9 github网址是:https://github ...

  7. Three.js中加载外部fbx格式的模型素材

    index.html部分: index.js部分: Scene.js部分:

  8. 学习笔记TF016:CNN实现、数据集、TFRecord、加载图像、模型、训练、调试

    AlexNet(Alex Krizhevsky,ILSVRC2012冠军)适合做图像分类.层自左向右.自上向下读取,关联层分为一组,高度.宽度减小,深度增加.深度增加减少网络计算量. 训练模型数据集 ...

  9. 深度学习原理与框架-猫狗图像识别-卷积神经网络(代码) 1.cv2.resize(图片压缩) 2..get_shape()[1:4].num_elements(获得最后三维度之和) 3.saver.save(训练参数的保存) 4.tf.train.import_meta_graph(加载模型结构) 5.saver.restore(训练参数载入)

    1.cv2.resize(image, (image_size, image_size), 0, 0, cv2.INTER_LINEAR) 参数说明:image表示输入图片,image_size表示变 ...

随机推荐

  1. LeetCode 7. 反转整数(Reverse Integer)

    题目描述 给定一个 32 位有符号整数,将整数中的数字进行反转. 示例 1: 输入: 123 输出: 321  示例 2: 输入: -123 输出: -321 示例 3: 输入: 120 输出: 21 ...

  2. python 图片格式转换png转jpg,如何利用python给图片添加半透明水印

    from PIL import Imageim = Image.open(r'd:\test2.png')r, g, b, a = im.split()im = Image.merge("R ...

  3. semi-join子查询优化 -- FirstMatch策略

    FirstMatch执行semi-join子查询的一种策略. 类似于MySQL 5.x中如何执行in.exists子查询. 让我们以搜索拥有大城市的国家为例: select * from Countr ...

  4. git - gitHub生成Markdown目录

    就是github-markdown-toc.go. github-markdown-toc.go Github地址 如果你有GO语言(又是你)的编译环境,可以尝试自己编译,如果没有,可以直接下载编译好 ...

  5. Python - Django - form 组件基本用法

    普通 form 表单的处理: reg.html: <!DOCTYPE html> <html lang="en"> <head> <met ...

  6. [LeetCode] 355. Design Twitter 设计推特

    Design a simplified version of Twitter where users can post tweets, follow/unfollow another user and ...

  7. 【SSH进阶之路】Spring的AOP逐层深入——采用注解完成AOP(七)

    上篇博文[SSH进阶之路]Spring的AOP逐层深入——AOP的基本原理(六),我们介绍了AOP的基本原理,以及5种通知的类型, AOP的两种配置方式:XML配置和Aspectj注解方式. 这篇我们 ...

  8. LeetCode:第K个排列【60】

    LeetCode:第K个排列[60] 题目描述 给出集合 [1,2,3,…,n],其所有元素共有 n! 种排列. 按大小顺序列出所有排列情况,并一一标记,当 n = 3 时, 所有排列如下: &quo ...

  9. 转发:for /f命令之—Delims和Tokens用法&总结

    在For命令语踞饽参数F中,最难理解的就是Delims和Tokens两个选项,本文简单的做一个比较和总拮.“For /f”常用来解析文本,读取字符串.分工上,delims负责切分字符串,而tokens ...

  10. js中引用类型Math一些常用的方法和属性

    js中有一种引用类型叫做Math,和Global属于单体内置对象,里面有一些非常常用的数学方法和数学常量 常用数学常量 Math.E; // 自然对数的底数Math.LN10 10的自然对数 Math ...