OpenCV 4.11.0
开源计算机视觉库
加载中…
搜索中…
无匹配项
自定义深度学习层支持

上一教程: 如何在浏览器中运行深度网络
下一教程: 如何运行自定义 OCR 模型

原作者Dmitry Kurtaev
兼容性OpenCV >= 3.4.1

引言

深度学习是一个快速发展的领域。构建神经网络的新方法通常会引入新型的层。这些层可能是现有层的修改,也可能是对杰出研究成果的实现。

OpenCV 允许导入和运行来自不同深度学习框架的网络。它包含许多最常用的层。但是,您可能会遇到这样的问题:由于您的网络中某些层在 OpenCV 的深度学习引擎中未实现,因此无法使用 OpenCV 导入您的网络。

第一个解决方案是在 https://github.com/opencv/opencv/issues 上创建一个功能请求,并提及模型来源和新型层等详细信息。如果 OpenCV 社区共享此需求,则可以实现新层。

第二种方法是定义一个自定义层,以便 OpenCV 的深度学习引擎知道如何使用它。本教程旨在向您展示深度学习模型导入自定义的过程。

在 C++ 中定义自定义层

深度学习层是网络管道的构建块。它连接到输入 Blob 并将结果输出到输出 Blob。它包含经过训练的权重超参数。层的名称、类型、权重和超参数存储在文件中,这些文件是在训练期间由原生框架生成的。如果 OpenCV 遇到未知的层类型,则在尝试读取模型时会抛出异常。

未指定的错误:在函数 getLayerInstance 中无法创建类型为“MyType”的层“layer_name”

要正确导入模型,您必须从 cv::dnn::Layer 派生一个类,并包含以下方法:

class MyLayer : public cv::dnn::Layer
{
public:
MyLayer(const cv::dnn::LayerParams &params);
virtual bool getMemoryShapes(const std::vector<std::vector<int> > &inputs,
const int requiredOutputs,
std::vector<std::vector<int> > &outputs,
std::vector<std::vector<int> > &internals) const CV_OVERRIDE;
virtual void forward(cv::InputArrayOfArrays inputs,
virtual void finalize(cv::InputArrayOfArrays inputs,
};

并在导入之前注册它:

#include <opencv2/dnn/layer.details.hpp> // CV_DNN_REGISTER_LAYER_CLASS
static inline void loadNet()
{
CV_DNN_REGISTER_LAYER_CLASS(Interp, InterpLayer);
// ...
注意
MyType 是抛出异常中未实现层的类型。

让我们看看所有方法的作用:

  • 构造函数
MyLayer(const cv::dnn::LayerParams &params);

cv::dnn::LayerParams 中检索超参数。如果您的层具有可训练的权重,则它们将已存储在层的成员 cv::dnn::Layer::blobs 中。

  • 静态方法create

此方法应创建您的层的实例并返回包含它的 cv::Ptr

  • 输出 Blob 的形状计算
virtual bool getMemoryShapes(const std::vector<std::vector<int> > &inputs,
const int requiredOutputs,
std::vector<std::vector<int> > &outputs,
std::vector<std::vector<int> > &internals) const CV_OVERRIDE;

根据输入形状返回层的输出形状。您可以使用internals请求额外的内存。

  • 运行层

在此处实现层的逻辑。为给定的输入计算输出。

注意
OpenCV 管理为层分配的内存。在大多数情况下,相同的内存可以在层之间重复使用。因此,您的forward实现不应依赖于forward的第二次调用在outputsinternals中具有相同的数据。
  • 可选的finalize方法

方法链如下:OpenCV 深度学习引擎调用create方法一次,然后它为每个创建的层调用getMemoryShapes,然后您可以在 cv::dnn::Layer::finalize 中根据已知的输入维度进行一些准备。网络初始化后,只有forward方法才会为每个网络输入调用。

注意
变化的输入 Blob 大小(例如高度、宽度或批大小)会导致 OpenCV 重新分配所有内部内存。这会导致效率差距。尝试使用固定的批大小和图像尺寸来初始化和部署模型。

示例:来自 Caffe 的自定义层

让我们从 https://github.com/cdmh/deeplab-public 创建一个自定义层Interp。它只是一个简单的调整大小操作,它接受大小为N x C x Hi x Wi的输入 Blob 并返回大小为N x C x Ho x Wo的输出 Blob,其中N是批大小,C是通道数,Hi x WiHo x Wo分别是输入和输出高度 x 宽度。此层没有可训练的权重,但它具有超参数来指定输出大小。

例如:

layer {
name: "output"
type: "Interp"
底部: "输入"
顶部: "输出"
interp_param {
高度: 9
宽度: 8
}
}

这样我们的实现看起来像

class InterpLayer : public cv::dnn::Layer
{
public:
InterpLayer(const cv::dnn::LayerParams &params) : Layer(params)
{
outWidth = params.get<int>("width", 0);
outHeight = params.get<int>("height", 0);
}
{
return cv::Ptr<cv::dnn::Layer>(new InterpLayer(params));
}
virtual bool getMemoryShapes(const std::vector<std::vector<int> > &inputs,
const int requiredOutputs,
std::vector<std::vector<int> > &outputs,
std::vector<std::vector<int> > &internals) const CV_OVERRIDE
{
CV_UNUSED(requiredOutputs); CV_UNUSED(internals);
std::vector<int> outShape(4);
outShape[0] = inputs[0][0]; // 批次大小
outShape[1] = inputs[0][1]; // 通道数
outShape[2] = outHeight;
outShape[3] = outWidth;
outputs.assign(1, outShape);
return false;
}
// 此自定义层的实现基于 https://github.com/cdmh/deeplab-public/blob/master/src/caffe/layers/interp_layer.cpp
virtual void forward(cv::InputArrayOfArrays inputs_arr,
{
if (inputs_arr.depth() == CV_16S)
{
// 如果目标是 DNN_TARGET_OPENCL_FP16,则以下方法
// 将数据从 FP16 转换为 FP32 并再次调用此 forward。
forward_fallback(inputs_arr, outputs_arr, internals_arr);
返回;
}
std::vector<cv::Mat> inputs, outputs;
inputs_arr.getMatVector(inputs);
outputs_arr.getMatVector(outputs);
cv::Mat& inp = inputs[0];
cv::Mat& out = outputs[0];
const float* inpData = (float*)inp.data;
float* outData = (float*)out.data;
const int batchSize = inp.size[0];
const int numChannels = inp.size[1];
const int inpHeight = inp.size[2];
const int inpWidth = inp.size[3];
const float rheight = (outHeight > 1) ? static_cast<float>(inpHeight - 1) / (outHeight - 1) : 0.f;
const float rwidth = (outWidth > 1) ? static_cast<float>(inpWidth - 1) / (outWidth - 1) : 0.f;
for (int h2 = 0; h2 < outHeight; ++h2)
{
const float h1r = rheight * h2;
const int h1 = static_cast<int>(h1r);
const int h1p = (h1 < inpHeight - 1) ? 1 : 0;
const float h1lambda = h1r - h1;
const float h0lambda = 1.f - h1lambda;
for (int w2 = 0; w2 < outWidth; ++w2)
{
const float w1r = rwidth * w2;
const int w1 = static_cast<int>(w1r);
const int w1p = (w1 < inpWidth - 1) ? 1 : 0;
const float w1lambda = w1r - w1;
const float w0lambda = 1.f - w1lambda;
const float* pos1 = inpData + h1 * inpWidth + w1;
float* pos2 = outData + h2 * outWidth + w2;
for (int c = 0; c < batchSize * numChannels; ++c)
{
pos2[0] =
h0lambda * (w0lambda * pos1[0] + w1lambda * pos1[w1p]) +
h1lambda * (w0lambda * pos1[h1p * inpWidth] + w1lambda * pos1[h1p * inpWidth + w1p]);
pos1 += inpWidth * inpHeight;
pos2 += outWidth * outHeight;
}
}
}
}
私有:
int outWidth, outHeight;
};

接下来我们需要注册一个新的层类型并尝试导入模型。

CV_DNN_REGISTER_LAYER_CLASS(Interp, InterpLayer);
cv::dnn::Net caffeNet = cv::dnn::readNet("/path/to/config.prototxt", "/path/to/weights.caffemodel");

例子:来自 TensorFlow 的自定义层

这是一个关于如何导入具有 tf.image.resize_bilinear 操作的网络的例子。这也是一个调整大小操作,但其实现与 OpenCV 的或上面的 `Interp` 不同。

让我们创建一个单层网络

inp = tf.placeholder(tf.float32, [2, 3, 4, 5], 'input')
resized = tf.image.resize_bilinear(inp, size=[9, 8], name='resize_bilinear')

OpenCV 以如下方式查看 TensorFlow 的图

node {
name: "input"
op: "Placeholder"
attr {
key: "dtype"
value {
type: DT_FLOAT
}
}
}
node {
name: "resize_bilinear/size"
op: "Const"
attr {
key: "dtype"
value {
type: DT_INT32
}
}
attr {
key: "value"
value {
tensor {
dtype: DT_INT32
tensor_shape {
dim {
size: 2
}
}
tensor_content: "\t\000\000\000\010\000\000\000"
}
}
}
}
node {
name: "resize_bilinear"
op: "ResizeBilinear"
input: "input:0"
input: "resize_bilinear/size"
attr {
key: "T"
value {
type: DT_FLOAT
}
}
attr {
key: "align_corners"
value {
b: false
}
}
}
library {
}

从 TensorFlow 导入的自定义层旨在将所有层的attr放入cv::dnn::LayerParams,但将输入Const blobs 放入cv::dnn::Layer::blobs。在本例中,调整大小的输出形状将存储在层的blobs[0]中。

class ResizeBilinearLayer CV_FINAL : public cv::dnn::Layer
{
public:
ResizeBilinearLayer(const cv::dnn::LayerParams &params) : Layer(params)
{
CV_Assert(!params.get<bool>("align_corners", false));
CV_Assert(!blobs.empty());
for (size_t i = 0; i < blobs.size(); ++i)
CV_Assert(blobs[i].type() == CV_32SC1);
// 输入blob有两种情况:单个blob包含输出
// 形状和带有缩放因子的两个blob。
if (blobs.size() == 1)
{
CV_Assert(blobs[0].total() == 2);
outHeight = blobs[0].at<int>(0, 0);
outWidth = blobs[0].at<int>(0, 1);
factorHeight = factorWidth = 0;
}
else
{
CV_Assert(blobs.size() == 2); CV_Assert(blobs[0].total() == 1); CV_Assert(blobs[1].total() == 1);
factorHeight = blobs[0].at<int>(0, 0);
factorWidth = blobs[1].at<int>(0, 0);
outHeight = outWidth = 0;
}
}
{
return cv::Ptr<cv::dnn::Layer>(new ResizeBilinearLayer(params));
}
virtual bool getMemoryShapes(const std::vector<std::vector<int> > &inputs,
const int,
std::vector<std::vector<int> > &outputs,
std::vector<std::vector<int> > &) const CV_OVERRIDE
{
std::vector<int> outShape(4);
outShape[0] = inputs[0][0]; // 批次大小
outShape[1] = inputs[0][1]; // 通道数
outShape[2] = outHeight != 0 ? outHeight : (inputs[0][2] * factorHeight);
outShape[3] = outWidth != 0 ? outWidth : (inputs[0][3] * factorWidth);
outputs.assign(1, outShape);
return false;
}
{
std::vector<cv::Mat> outputs;
outputs_arr.getMatVector(outputs);
if (!outWidth && !outHeight)
{
outHeight = outputs[0].size[2];
outWidth = outputs[0].size[3];
}
}
// 此实现基于来自以下位置的参考实现:
// https://github.com/tensorflow/tensorflow/blob/master/tensorflow/contrib/lite/kernels/internal/reference/reference_ops.h
virtual void forward(cv::InputArrayOfArrays inputs_arr,
{
if (inputs_arr.depth() == CV_16S)
{
// 如果目标是 DNN_TARGET_OPENCL_FP16,则以下方法
// 将数据从 FP16 转换为 FP32 并再次调用此 forward。
forward_fallback(inputs_arr, outputs_arr, internals_arr);
返回;
}
std::vector<cv::Mat> inputs, outputs;
inputs_arr.getMatVector(inputs);
outputs_arr.getMatVector(outputs);
cv::Mat& inp = inputs[0];
cv::Mat& out = outputs[0];
const float* inpData = (float*)inp.data;
float* outData = (float*)out.data;
const int batchSize = inp.size[0];
const int numChannels = inp.size[1];
const int inpHeight = inp.size[2];
const int inpWidth = inp.size[3];
float heightScale = static_cast<float>(inpHeight) / outHeight;
float widthScale = static_cast<float>(inpWidth) / outWidth;
for (int b = 0; b < batchSize; ++b)
{
for (int y = 0; y < outHeight; ++y)
{
float input_y = y * heightScale;
int y0 = static_cast<int>(std::floor(input_y));
int y1 = std::min(y0 + 1, inpHeight - 1);
for (int x = 0; x < outWidth; ++x)
{
float input_x = x * widthScale;
int x0 = static_cast<int>(std::floor(input_x));
int x1 = std::min(x0 + 1, inpWidth - 1);
for (int c = 0; c < numChannels; ++c)
{
float interpolation =
inpData[offset(inp.size, c, x0, y0, b)] * (1 - (input_y - y0)) * (1 - (input_x - x0)) +
inpData[offset(inp.size, c, x0, y1, b)] * (input_y - y0) * (1 - (input_x - x0)) +
inpData[offset(inp.size, c, x1, y0, b)] * (1 - (input_y - y0)) * (input_x - x0) +
inpData[offset(inp.size, c, x1, y1, b)] * (input_y - y0) * (input_x - x0);
outData[offset(out.size, c, x, y, b)] = interpolation;
}
}
}
}
}
私有:
static inline int offset(const cv::MatSize& size, int c, int x, int y, int b)
{
return x + size[3] * (y + size[2] * (c + size[1] * b));
}
int outWidth, outHeight, factorWidth, factorHeight;
};

接下来,我们注册一个层并尝试导入模型。

CV_DNN_REGISTER_LAYER_CLASS(ResizeBilinear, ResizeBilinearLayer);
cv::dnn::Net tfNet = cv::dnn::readNet("/path/to/graph.pb");

在 Python 中定义自定义层

以下示例演示如何在 Python 中自定义 OpenCV 的层。

让我们考虑一下整体嵌套边缘检测深度学习模型。该模型的训练与当前版本的Caffe框架相比只有一个区别。接收两个输入 blob 并裁剪第一个 blob 以匹配第二个 blob 的空间维度的Crop层用于从中心裁剪。如今,Caffe 的层是从左上角进行裁剪的。因此,使用最新版本的 Caffe 或 OpenCV,您将获得带有填充边界的偏移结果。

接下来,我们将用一个中心裁剪的层替换进行左上角裁剪的 OpenCV Crop 层。

  • 创建一个具有getMemoryShapesforward方法的类
class CropLayer(object)
def __init__(self, params, blobs)
self.xstart = 0
self.xend = 0
self.ystart = 0
self.yend = 0
# 本层接收两个输入。我们需要裁剪第一个输入 Blob
# 以匹配第二个输入的形状(保持批大小和通道数不变)
def getMemoryShapes(self, inputs)
inputShape, targetShape = inputs[0], inputs[1]
batchSize, numChannels = inputShape[0], inputShape[1]
height, width = targetShape[2], targetShape[3]
self.ystart = (inputShape[2] - targetShape[2]) // 2
self.xstart = (inputShape[3] - targetShape[3]) // 2
self.yend = self.ystart + height
self.xend = self.xstart + width
return [[batchSize, numChannels, height, width]]
def forward(self, inputs)
return [inputs[0][:,:,self.ystart:self.yend,self.xstart:self.xend]]
注意
这两个方法都应该返回列表。
  • 注册一个新的层。
cv.dnn_registerLayer('Crop', CropLayer)

就是这样!我们已经将实现的OpenCV层替换为自定义层。您可以在源代码中找到完整的脚本。