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. uniapp - 微信公众号授权登录

    [缘由] 采用uniapp进行微信小程序和微信公众号双版本开发:考虑到用户唯一性,我们后端确定了以“unionid”.作为唯一标识. 有的小伙伴估计也是刚入这坑,我就简单说一下步骤流程   [摸索] ...

  2. Dolly

    dolly - 必应词典 美['dɑli]英['dɒli] n.洋娃娃:(搬运重物的)台车 v.用独轮车运(物):用搅拌棒洗(衣):用捣棒捣碎(矿石) 网络多莉:多利:移动式摄影小车 变形复数:dol ...

  3. Springboot单元测试Junit深度实践

    Springboot单元测试Junit深度实践 前言 单元测试的好处估计大家也都知道了,但是大家可以发现在国内IT公司中真正推行单测的很少很少,一些大厂大部分也只是在核心产品推广单测来保障质量,今天这 ...

  4. el-cascader遇到一个坑的问题

    经仔细分析,如果二级和三级的value一样,就会出现这个问题.

  5. Vintage、滚动率、迁移率的应用

    python信用评分卡建模(附代码,博主录制) https://study.163.com/course/introduction.htm?courseId=1005214003&utm_ca ...

  6. [转]curl 命令模拟 HTTP GET/POST 请求

    在 Linux 操作系统上对后端程序进行测试的时候,需要进行模拟连接或者书写测试脚本 curl 访问百度,通过GET方法请求 命令格式: curl protocol://address:port/ur ...

  7. win10 启动后会自动恢复上次关机前的应用

    转载:https://www.v2ex.com/t/425101

  8. Centos7安装图形界面桌面

    查看是否存在图形安装包.如果包含GNOME Desktop,则说明已存在. yum grouplist 安装图形化包 yum groupinstall "GNOME Desktop" ...

  9. soapUI使用-调用post方法

    前言 soapUI的安装请查看此链接:https://www.cnblogs.com/linxiu-0925/p/10138771.html 使用步骤 1打开soapUI 2新建一个项目:New SO ...

  10. python:单例模式--使用__new__(cls)实现

    单例模式:即一个类有且仅有一个实例. 那么通过python怎么实现一个类只能有一个实例呢. class Earth: """ 假如你是神,你可以创造地球 "&q ...