c++ 使用torchscript 加载训练好的pytorch模型
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模型的更多相关文章
- vue中加载three.js的gltf模型
vue中加载three.js的gltf模型 一.开始引入three.js相关插件.首先利用淘宝镜像,操作命令为: cnpm install three //npm install three也行 二. ...
- pytorch 加载训练好的模型做inference
前提: 模型参数和结构是分别保存的 1. 构建模型(# load model graph) model = MODEL() 2.加载模型参数(# load model state_dict) mode ...
- Tensorflow加载预训练模型和保存模型(ckpt文件)以及迁移学习finetuning
转载自:https://blog.csdn.net/huachao1001/article/details/78501928 使用tensorflow过程中,训练结束后我们需要用到模型文件.有时候,我 ...
- Tensorflow加载预训练模型和保存模型
转载自:https://blog.csdn.net/huachao1001/article/details/78501928 使用tensorflow过程中,训练结束后我们需要用到模型文件.有时候,我 ...
- 关于Tensorflow 加载和使用多个模型的方式
在Tensorflow中,所有操作对象都包装到相应的Session中的,所以想要使用不同的模型就需要将这些模型加载到不同的Session中并在使用的时候申明是哪个Session,从而避免由于Sessi ...
- [原][osgearth]earth文件加载道路一初步看见模型道路
时间是2017年2月5日17:16:32 由于OE2.9还没有发布,但是我又急于使用OE的道路. 所以,我先编译了正在github上调试中的OE2.9 github网址是:https://github ...
- Three.js中加载外部fbx格式的模型素材
index.html部分: index.js部分: Scene.js部分:
- 学习笔记TF016:CNN实现、数据集、TFRecord、加载图像、模型、训练、调试
AlexNet(Alex Krizhevsky,ILSVRC2012冠军)适合做图像分类.层自左向右.自上向下读取,关联层分为一组,高度.宽度减小,深度增加.深度增加减少网络计算量. 训练模型数据集 ...
- 深度学习原理与框架-猫狗图像识别-卷积神经网络(代码) 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表示变 ...
随机推荐
- CentOS下启动和停止Tomcat
启动Tomcat: 进入tomcat目录/bin,然后./startup.sh 停止Tomcat: 进入tomcat目录/bin,然后./shutdown.sh
- oracle update from多表性能优化一例
这几天测试java内存数据库,和oracle比较时发下一个update from语句很慢,如下: update business_new set fare1_balance_ratio = (sele ...
- Android 加密之文件级加密(CE/DE)
https://blog.csdn.net/myfriend0/article/details/77094890/ Android加密之文件级加密
- 关于H5项目开发中TS(或JS)文件按照顺序编译成一个文件的记录
由于js的执行特性,多个js文件合成一个文件或者进行多个js文件加载时,时需要按照指定的顺序进行的,否则会出现报错的情况. 我们看一下目前几个主流H5引擎的做法. 白鹭的做法 当前版本的做法 在tsc ...
- Java的方法类型
1.无参数无返回值的方法 package com.imooc.method; public class MethodDemo { public static void printStar() { Sy ...
- python语言使用yaml 管理selenium元素
1.所有元素都在PageElement下的.yaml,如图 login_page.yaml文件: username: dec: 登录页 type: xpath value: //input[@clas ...
- Archer和ArcherUI配置说明
如果Bladex的网关端口是80,则需要修改Archer服务端口,并修改ArcherUI的vue.config.js的端口
- ChrW函数
ChrW 函数返回包含 Unicode 的 String,若在不支持 Unicode 的平台上,则其功能与 Chr 函数相同.相反的函数是 ASCW() 在access当中用到了
- LODOP打印维护适应不同的客户端
之前的博文:Lodop打印设计.维护.预览.直接打印简单介绍,介绍了打印设计.打印维护.打印预览,直接打印等的区别和使用. 如上面以前博文描述的,打印维护是针对客户端进行调整的,开放打印维护给客户端, ...
- python:单例模式--使用__new__(cls)实现
单例模式:即一个类有且仅有一个实例. 那么通过python怎么实现一个类只能有一个实例呢. class Earth: """ 假如你是神,你可以创造地球 "&q ...