pytorch自定義算子


參照官方教程,實現pytorch自定義算子。主要分為以下幾步:

  • 改寫算子為torch C++版本
  • 注冊算子
  • 編譯算子生成庫文件
  • 調用自定義算子

一、改寫算子

這里參照官網例子,結合openCV實現仿射變換,C++代碼如下:

點擊展開warpPerspective.cpp
#include "torch/script.h"
#include "opencv2/opencv.hpp"

torch::Tensor warp_perspective(torch::Tensor image, torch::Tensor warp) {
    // BEGIN image_mat
    cv::Mat image_mat(/*rows=*/image.size(0),
        /*cols=*/image.size(1),
        /*type=*/CV_32FC1,
        /*data=*/image.data_ptr<float>());
    // END image_mat

    // BEGIN warp_mat
    cv::Mat warp_mat(/*rows=*/warp.size(0),
        /*cols=*/warp.size(1),
        /*type=*/CV_32FC1,
        /*data=*/warp.data_ptr<float>());
    // END warp_mat

    // BEGIN output_mat
    cv::Mat output_mat;
    cv::warpPerspective(image_mat, output_mat, warp_mat, /*dsize=*/{ 8, 8 });
    // END output_mat

    // BEGIN output_tensor
    torch::Tensor output = torch::from_blob(output_mat.ptr<float>(), /*sizes=*/{ 8, 8 });
    return output.clone();
    // END output_tensor
}

二、注冊算子

在warpPerspective.cpp文件末尾即warp_perspective函數后面加入如下代碼,注意pytorch版本不同,注冊方式不一樣。 1.6.0及以后的版本在include/torch/目錄下才有library.h文件,可以采用TORCH_LIBRARY。而之前的版本可以采用torch::RegisterOperators

//static auto registry = torch::RegisterOperators("my_ops::warp_perspective", &warp_perspective);  // torch.__version__: 1.5.0

//// torch.__version__ >= 1.6.0  torch/include/torch/library.h
TORCH_LIBRARY(my_ops, m) {
    m.def("warp_perspective", warp_perspective);
}

三、編譯算子生成庫文件

編譯成庫文件有三種方式:

方式一:通過CMake編譯

方式二: 通過torch的JIT編譯

方式三:通過Setuptools編譯

方式一、CMake編譯

這里分別在win10和Ubuntu18.04下進行編譯,CMakeLists.txt文件如下,注意win10下需要把相關依賴庫拷貝到相應生成目錄,后面調用的時候才能正常運行。

點擊展開CMakeLists.txt
# ref: https://pytorch.org/tutorials/advanced/torch_script_custom_ops.html

cmake_minimum_required(VERSION 3.9 FATAL_ERROR)
project(warp_perspective)

set(CMAKE_VERBOSE_MAKEFILE ON)
# >>> build type 
set(CMAKE_BUILD_TYPE "Release")				# 指定生成的版本
set(CMAKE_CXX_FLAGS_DEBUG "$ENV{CXXFLAGS} -O0 -Wall -g2 -ggdb")
set(CMAKE_CXX_FLAGS_RELEASE "$ENV{CXXFLAGS} -O3 -Wall")
# <<<

if(WIN32)
    # windows10
    # Torch
    set(TORCH_ROOT "D:/Anaconda3/envs/Test374/Lib/site-packages/torch")  # 我這里采用虛擬環境安裝的pytorch
    include_directories(${TORCH_ROOT}/include)
    link_directories(${TORCH_ROOT}/lib/)
    set(TORCH_LIBRARIES "${TORCH_ROOT}/lib/*.lib")   # 可以選擇需要的庫

    # Opencv
    set(OPENCV_ROOT "D:/AI/Classify/C++/opencv")
    include_directories(${OPENCV_ROOT}/include)
    link_directories(${OPENCV_ROOT}/lib/x64/)

    # Define our library target
    add_library(warp_perspective SHARED warpPerspective.cpp)

    # Enable C++14
    target_compile_features(warp_perspective PRIVATE cxx_std_14)

    # Link against Torch
    target_link_libraries(warp_perspective "${TORCH_LIBRARIES}")

    # Link against OpenCV
    target_link_libraries(warp_perspective 
    	opencv_world420
    )
elseif(UNIX)
    # Ubuntu18.04
    # Torch
    set(TORCH_ROOT "/home/zjh/anaconda3/envs/Test374/lib/python3.7/site-packages/torch")   
    include_directories(${TORCH_ROOT}/include)
    link_directories(${TORCH_ROOT}/lib/)

    # Opencv
    set(OpenCV_DIR "/home/zjh/learn/libtorch/Examples/opencv")
    include_directories(${OpenCV_DIR}/include)
    link_directories(${OpenCV_DIR}/lib/Linux64/)

    # Define our library target
    add_library(warp_perspective SHARED warpPerspective.cpp)

    # Enable C++14
    target_compile_features(warp_perspective PRIVATE cxx_std_14)

    # libtorch庫文件
    target_link_libraries(warp_perspective 
        # CPU
        c10 
        torch_cpu
        # GPU
        c10_cuda 
        torch_cuda
    )

    # opencv庫文件
    target_link_libraries(warp_perspective
        opencv_core 
        opencv_imgproc
    )
endif()

# windows需要把相關依賴庫copy到編譯目錄下
if (MSVC)
  file(GLOB OPENCV_DLLS "${OPENCV_ROOT}/bin/x64/opencv_world420.dll")
  add_custom_command(TARGET warp_perspective
                     POST_BUILD
                     COMMAND ${CMAKE_COMMAND} -E copy_if_different
                     ${OPENCV_DLLS}
                     $<TARGET_FILE_DIR:warp_perspective>)
endif (MSVC)

方式二、jit compilation

該方式在Linux下需要將opencv相關的庫文件,放置在/usr/local/lib下才能運行通過,編寫jitCompilation.py如下,然后運行即可生成相應的庫文件。

點擊展開jitCompilation.py
import torch.utils.cpp_extension

torch.utils.cpp_extension.load(
    name="warp_perspective",
    sources=["warpPerspective.cpp"],
    extra_ldflags=["-lopencv_core", "-lopencv_imgproc"],
    is_python_module=False,
    verbose=True,
    extra_include_paths=["/home/learn/libtorch/opencv/include"],
)
print(torch.ops.my_ops.warp_perspective)

print(torch.ops.my_ops.warp_perspective(torch.randn(32, 32), torch.rand(3, 3)))

方式三、setupTools

編寫setup.py,然后執行命令python setup.py build develop生成對應的庫。

點擊展開setup.py
from setuptools import setup
from torch.utils.cpp_extension import BuildExtension, CppExtension

setup(
    name="warp_perspective",
    ext_modules=[
        CppExtension(
            "warp_perspective",
            ["warp_perspective.cpp"],
            libraries=["opencv_core", "opencv_imgproc"],
            include_dirs=["/home/learn/opencv/include"],
            library_dirs=["/home/learn/opencv/lib/Linux64"]
        )
    ],
    cmdclass={"build_ext": BuildExtension.with_options(no_python_abi_suffix=True)},
)

四、調用

  • windows10

利用CMake方式構建后在build文件夾下會有一個.sln文件,用visual studio打開后點擊生成,相應的Release文件夾下會生成warp_perspective.dll

import torch
print(torch.__version__)
torch.ops.load_library("./warp_perspective.dll")
print(torch.__version__)
print(torch.ops.my_ops.warp_perspective)
print(torch.ops.my_ops.warp_perspective(torch.randn(32, 32), torch.rand(3, 3)))
  • Linux

編譯完成后會生成相應的動態庫(so文件),調用結果如下。

注意: 直接運行可能會出現以下錯誤

五、轉onnx

主要是把自定義算子利用torch.onnx.register_custom_op_symbolic函數將自定義算子注冊進行注冊,然后導出onnx模型即可。如果用onnxruntime調用導出的模型,則會報test_custom未定義,可以參照PyTorchCustomOperator進行改寫。

轉換流程

  • step1 先C++ torch該寫算子,導出庫文件
  • step2 torch加載庫文件, 如:torch.ops.load_library("./fps.dll")
  • step3 torch注冊算子, 如: def my_fps(g, xyz, npoints): return g.op("my_ops::fps", xyz, npoints)
  • step4 torch.onnx注冊算子, 如: torch.onnx.register_custom_op_symbolic("my_ops::fps", my_fps, 9)
  • step5 修改模型,如:farthest_point_sample(xyz, S)) 變為 torch.ops.my_ops.fps(xyz, S)
點擊展開export.py
import torch
torch.ops.load_library("./testCustom.so")


class MyNet(torch.nn.Module):
    def __init__(self, num_classes):
        super(MyNet, self).__init__()
        self.num_classes = num_classes

    def forward(self, xyz, other):
        return torch.ops.my_ops.test_custom(xyz, other)


def my_custom(g, xyz, other):
    return g.op("cus_ops::test_custom", xyz, other)
torch.onnx.register_custom_op_symbolic("my_ops::test_custom", my_custom, 9)


if __name__ == "__main__":
    net = MyNet(2)
    xyz = torch.rand((2, 3))
    other = torch.rand((1, 3))

    print("xyz: ", xyz)
    out = net(xyz, other)
    print("out: ", out)

    # export onnx
    torch.onnx.export(net,
            (xyz, other),
            "./model.onnx",
            input_names=["points", "cate"],
            output_names=["cls_prob"],
            custom_opsets={"cus_ops": 11},
            dynamic_axes={
                "points": {0: "channel", 1: "n_point"},
                "cls_prob": {0: "channel", 1: "n"}
            }
            )
參考鏈接: https://blog.csdn.net/Artyze/article/details/107642358

python直接轉

點擊展開export.py
import torch
import torch.nn as nn
from torch.autograd import Function
import onnx
import torch.onnx

class Requant_(Function):
    @staticmethod
    def forward(ctx, input, requant_scale, shift):               # ctx 必須要
        input = input.double() * requant_scale / 2**shift       
        input = torch.floor(input).float()

        return torch.floor(input)
    
    @staticmethod
    def symbolic(g, *inputs):
        return g.op("Requant", inputs[0], scale_f=23.0, shift_i=8)

requant_ = Requant_.apply

class TinyNet(nn.Module):
    def __init__(self):
        super(TinyNet, self).__init__()
        self.conv1 = nn.Conv2d(3, 1, kernel_size=3, padding=1)
        self.relu1 = nn.ReLU()
        
    def forward(self, x):
        x = self.conv1(x)
        x = self.relu1(x)
        x = x.view(-1)
        x = requant_(x, 5, 5)
        return x

net = TinyNet().cuda()
ipt = torch.ones(2,3,12,12).cuda()
torch.onnx.export(net, (ipt,), 'tinynet.onnx', opset_version=11, enable_onnx_checker=False)
print(onnx.load('tinynet.onnx'))

參考鏈接:https://blog.51cto.com/u_15357586/5139275

參考鏈接

PyTorchCustomOperator
register-a-custom-operator


免責聲明!

本站轉載的文章為個人學習借鑒使用,本站對版權不負任何法律責任。如果侵犯了您的隱私權益,請聯系本站郵箱yoyou2525@163.com刪除。



 
粵ICP備18138465號   © 2018-2025 CODEPRJ.COM