OpenCV for Unity 2.6.4
Enox Software / Please refer to OpenCV official document ( http://docs.opencv.org/4.10.0/index.html ) for the details of the argument of the method.
|
Static Public Member Functions | |
static Mat | blobFromImage (Mat image) |
Creates 4-dimensional blob from image. Optionally resizes and crops image from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImage (Mat image, double scalefactor) |
Creates 4-dimensional blob from image. Optionally resizes and crops image from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImage (Mat image, double scalefactor, in Vec2d size) |
Creates 4-dimensional blob from image. Optionally resizes and crops image from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImage (Mat image, double scalefactor, in Vec2d size, in Vec4d mean) |
Creates 4-dimensional blob from image. Optionally resizes and crops image from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImage (Mat image, double scalefactor, in Vec2d size, in Vec4d mean, bool swapRB) |
Creates 4-dimensional blob from image. Optionally resizes and crops image from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImage (Mat image, double scalefactor, in Vec2d size, in Vec4d mean, bool swapRB, bool crop) |
Creates 4-dimensional blob from image. Optionally resizes and crops image from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImage (Mat image, double scalefactor, in Vec2d size, in Vec4d mean, bool swapRB, bool crop, int ddepth) |
Creates 4-dimensional blob from image. Optionally resizes and crops image from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImage (Mat image, double scalefactor, in(double width, double height) size) |
Creates 4-dimensional blob from image. Optionally resizes and crops image from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImage (Mat image, double scalefactor, in(double width, double height) size, in(double v0, double v1, double v2, double v3) mean) |
Creates 4-dimensional blob from image. Optionally resizes and crops image from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImage (Mat image, double scalefactor, in(double width, double height) size, in(double v0, double v1, double v2, double v3) mean, bool swapRB) |
Creates 4-dimensional blob from image. Optionally resizes and crops image from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImage (Mat image, double scalefactor, in(double width, double height) size, in(double v0, double v1, double v2, double v3) mean, bool swapRB, bool crop) |
Creates 4-dimensional blob from image. Optionally resizes and crops image from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImage (Mat image, double scalefactor, in(double width, double height) size, in(double v0, double v1, double v2, double v3) mean, bool swapRB, bool crop, int ddepth) |
Creates 4-dimensional blob from image. Optionally resizes and crops image from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImage (Mat image, double scalefactor, Size size) |
Creates 4-dimensional blob from image. Optionally resizes and crops image from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImage (Mat image, double scalefactor, Size size, Scalar mean) |
Creates 4-dimensional blob from image. Optionally resizes and crops image from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImage (Mat image, double scalefactor, Size size, Scalar mean, bool swapRB) |
Creates 4-dimensional blob from image. Optionally resizes and crops image from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImage (Mat image, double scalefactor, Size size, Scalar mean, bool swapRB, bool crop) |
Creates 4-dimensional blob from image. Optionally resizes and crops image from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImage (Mat image, double scalefactor, Size size, Scalar mean, bool swapRB, bool crop, int ddepth) |
Creates 4-dimensional blob from image. Optionally resizes and crops image from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImages (List< Mat > images) |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImages (List< Mat > images, double scalefactor) |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImages (List< Mat > images, double scalefactor, in Vec2d size) |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImages (List< Mat > images, double scalefactor, in Vec2d size, in Vec4d mean) |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImages (List< Mat > images, double scalefactor, in Vec2d size, in Vec4d mean, bool swapRB) |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImages (List< Mat > images, double scalefactor, in Vec2d size, in Vec4d mean, bool swapRB, bool crop) |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImages (List< Mat > images, double scalefactor, in Vec2d size, in Vec4d mean, bool swapRB, bool crop, int ddepth) |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImages (List< Mat > images, double scalefactor, in(double width, double height) size) |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImages (List< Mat > images, double scalefactor, in(double width, double height) size, in(double v0, double v1, double v2, double v3) mean) |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImages (List< Mat > images, double scalefactor, in(double width, double height) size, in(double v0, double v1, double v2, double v3) mean, bool swapRB) |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImages (List< Mat > images, double scalefactor, in(double width, double height) size, in(double v0, double v1, double v2, double v3) mean, bool swapRB, bool crop) |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImages (List< Mat > images, double scalefactor, in(double width, double height) size, in(double v0, double v1, double v2, double v3) mean, bool swapRB, bool crop, int ddepth) |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImages (List< Mat > images, double scalefactor, Size size) |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImages (List< Mat > images, double scalefactor, Size size, Scalar mean) |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImages (List< Mat > images, double scalefactor, Size size, Scalar mean, bool swapRB) |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImages (List< Mat > images, double scalefactor, Size size, Scalar mean, bool swapRB, bool crop) |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImages (List< Mat > images, double scalefactor, Size size, Scalar mean, bool swapRB, bool crop, int ddepth) |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images from center, subtract mean values, scales values by scalefactor , swap Blue and Red channels. | |
static Mat | blobFromImagesWithParams (List< Mat > images) |
Creates 4-dimensional blob from series of images with given params. | |
static Mat | blobFromImagesWithParams (List< Mat > images, Image2BlobParams param) |
Creates 4-dimensional blob from series of images with given params. | |
static void | blobFromImagesWithParams (List< Mat > images, Mat blob) |
static void | blobFromImagesWithParams (List< Mat > images, Mat blob, Image2BlobParams param) |
static Mat | blobFromImageWithParams (Mat image) |
Creates 4-dimensional blob from image with given params. | |
static Mat | blobFromImageWithParams (Mat image, Image2BlobParams param) |
Creates 4-dimensional blob from image with given params. | |
static void | blobFromImageWithParams (Mat image, Mat blob) |
static void | blobFromImageWithParams (Mat image, Mat blob, Image2BlobParams param) |
static List< int > | getAvailableTargets (int be) |
static string | getInferenceEngineBackendType () |
Returns Inference Engine internal backend API. | |
static string | getInferenceEngineCPUType () |
Returns Inference Engine CPU type. | |
static string | getInferenceEngineVPUType () |
Returns Inference Engine VPU type. | |
static void | imagesFromBlob (Mat blob_, List< Mat > images_) |
Parse a 4D blob and output the images it contains as 2D arrays through a simpler data structure (std::vector<cv::Mat>). | |
static void | NMSBoxes (MatOfRect2d bboxes, MatOfFloat scores, float score_threshold, float nms_threshold, MatOfInt indices) |
Performs non maximum suppression given boxes and corresponding scores. | |
static void | NMSBoxes (MatOfRect2d bboxes, MatOfFloat scores, float score_threshold, float nms_threshold, MatOfInt indices, float eta) |
Performs non maximum suppression given boxes and corresponding scores. | |
static void | NMSBoxes (MatOfRect2d bboxes, MatOfFloat scores, float score_threshold, float nms_threshold, MatOfInt indices, float eta, int top_k) |
Performs non maximum suppression given boxes and corresponding scores. | |
static void | NMSBoxesBatched (MatOfRect2d bboxes, MatOfFloat scores, MatOfInt class_ids, float score_threshold, float nms_threshold, MatOfInt indices) |
Performs batched non maximum suppression on given boxes and corresponding scores across different classes. | |
static void | NMSBoxesBatched (MatOfRect2d bboxes, MatOfFloat scores, MatOfInt class_ids, float score_threshold, float nms_threshold, MatOfInt indices, float eta) |
Performs batched non maximum suppression on given boxes and corresponding scores across different classes. | |
static void | NMSBoxesBatched (MatOfRect2d bboxes, MatOfFloat scores, MatOfInt class_ids, float score_threshold, float nms_threshold, MatOfInt indices, float eta, int top_k) |
Performs batched non maximum suppression on given boxes and corresponding scores across different classes. | |
static void | NMSBoxesRotated (MatOfRotatedRect bboxes, MatOfFloat scores, float score_threshold, float nms_threshold, MatOfInt indices) |
static void | NMSBoxesRotated (MatOfRotatedRect bboxes, MatOfFloat scores, float score_threshold, float nms_threshold, MatOfInt indices, float eta) |
static void | NMSBoxesRotated (MatOfRotatedRect bboxes, MatOfFloat scores, float score_threshold, float nms_threshold, MatOfInt indices, float eta, int top_k) |
static Net | readNet (string framework, MatOfByte bufferModel) |
Read deep learning network represented in one of the supported formats. | |
static Net | readNet (string framework, MatOfByte bufferModel, MatOfByte bufferConfig) |
Read deep learning network represented in one of the supported formats. | |
static Net | readNet (string model) |
Read deep learning network represented in one of the supported formats. | |
static Net | readNet (string model, string config) |
Read deep learning network represented in one of the supported formats. | |
static Net | readNet (string model, string config, string framework) |
Read deep learning network represented in one of the supported formats. | |
static Net | readNetFromCaffe (MatOfByte bufferProto) |
Reads a network model stored in Caffe model in memory. | |
static Net | readNetFromCaffe (MatOfByte bufferProto, MatOfByte bufferModel) |
Reads a network model stored in Caffe model in memory. | |
static Net | readNetFromCaffe (string prototxt) |
Reads a network model stored in <a href="http://caffe.berkeleyvision.org">Caffe</a> framework's format. | |
static Net | readNetFromCaffe (string prototxt, string caffeModel) |
Reads a network model stored in <a href="http://caffe.berkeleyvision.org">Caffe</a> framework's format. | |
static Net | readNetFromDarknet (MatOfByte bufferCfg) |
Reads a network model stored in <a href="https://pjreddie.com/darknet/">Darknet</a> model files. | |
static Net | readNetFromDarknet (MatOfByte bufferCfg, MatOfByte bufferModel) |
Reads a network model stored in <a href="https://pjreddie.com/darknet/">Darknet</a> model files. | |
static Net | readNetFromDarknet (string cfgFile) |
Reads a network model stored in <a href="https://pjreddie.com/darknet/">Darknet</a> model files. | |
static Net | readNetFromDarknet (string cfgFile, string darknetModel) |
Reads a network model stored in <a href="https://pjreddie.com/darknet/">Darknet</a> model files. | |
static Net | readNetFromModelOptimizer (MatOfByte bufferModelConfig, MatOfByte bufferWeights) |
Load a network from Intel's Model Optimizer intermediate representation. | |
static Net | readNetFromModelOptimizer (string xml) |
Load a network from Intel's Model Optimizer intermediate representation. | |
static Net | readNetFromModelOptimizer (string xml, string bin) |
Load a network from Intel's Model Optimizer intermediate representation. | |
static Net | readNetFromONNX (MatOfByte buffer) |
Reads a network model from <a href="https://onnx.ai/">ONNX</a> in-memory buffer. | |
static Net | readNetFromONNX (string onnxFile) |
Reads a network model <a href="https://onnx.ai/">ONNX</a>. | |
static Net | readNetFromTensorflow (MatOfByte bufferModel) |
Reads a network model stored in <a href="https://www.tensorflow.org/">TensorFlow</a> framework's format. | |
static Net | readNetFromTensorflow (MatOfByte bufferModel, MatOfByte bufferConfig) |
Reads a network model stored in <a href="https://www.tensorflow.org/">TensorFlow</a> framework's format. | |
static Net | readNetFromTensorflow (string model) |
Reads a network model stored in <a href="https://www.tensorflow.org/">TensorFlow</a> framework's format. | |
static Net | readNetFromTensorflow (string model, string config) |
Reads a network model stored in <a href="https://www.tensorflow.org/">TensorFlow</a> framework's format. | |
static Net | readNetFromTFLite (MatOfByte bufferModel) |
Reads a network model stored in <a href="https://www.tensorflow.org/lite">TFLite</a> framework's format. | |
static Net | readNetFromTFLite (string model) |
Reads a network model stored in <a href="https://www.tensorflow.org/lite">TFLite</a> framework's format. | |
static Net | readNetFromTorch (string model) |
Reads a network model stored in <a href="http://torch.ch">Torch7</a> framework's format. | |
static Net | readNetFromTorch (string model, bool isBinary) |
Reads a network model stored in <a href="http://torch.ch">Torch7</a> framework's format. | |
static Net | readNetFromTorch (string model, bool isBinary, bool evaluate) |
Reads a network model stored in <a href="http://torch.ch">Torch7</a> framework's format. | |
static Mat | readTensorFromONNX (string path) |
Creates blob from .pb file. | |
static Mat | readTorchBlob (string filename) |
Loads blob which was serialized as torch.Tensor object of Torch7 framework. | |
static Mat | readTorchBlob (string filename, bool isBinary) |
Loads blob which was serialized as torch.Tensor object of Torch7 framework. | |
static void | releaseHDDLPlugin () |
Release a HDDL plugin. | |
static void | resetMyriadDevice () |
Release a Myriad device (binded by OpenCV). | |
static string | setInferenceEngineBackendType (string newBackendType) |
Specify Inference Engine internal backend API. | |
static void | shrinkCaffeModel (string src, string dst) |
Convert all weights of Caffe network to half precision floating point. | |
static void | shrinkCaffeModel (string src, string dst, List< string > layersTypes) |
Convert all weights of Caffe network to half precision floating point. | |
static void | softNMSBoxes (MatOfRect bboxes, MatOfFloat scores, MatOfFloat updated_scores, float score_threshold, float nms_threshold, MatOfInt indices) |
Performs soft non maximum suppression given boxes and corresponding scores. Reference: https://arxiv.org/abs/1704.04503. | |
static void | softNMSBoxes (MatOfRect bboxes, MatOfFloat scores, MatOfFloat updated_scores, float score_threshold, float nms_threshold, MatOfInt indices, long top_k) |
Performs soft non maximum suppression given boxes and corresponding scores. Reference: https://arxiv.org/abs/1704.04503. | |
static void | softNMSBoxes (MatOfRect bboxes, MatOfFloat scores, MatOfFloat updated_scores, float score_threshold, float nms_threshold, MatOfInt indices, long top_k, float sigma) |
Performs soft non maximum suppression given boxes and corresponding scores. Reference: https://arxiv.org/abs/1704.04503. | |
static void | writeTextGraph (string model, string output) |
Create a text representation for a binary network stored in protocol buffer format. | |
Static Public Attributes | |
const int | DNN_BACKEND_CANN = 0 + 8 |
const int | DNN_BACKEND_CUDA = 0 + 5 |
const int | DNN_BACKEND_DEFAULT = 0 |
const int | DNN_BACKEND_HALIDE = 0 + 1 |
const int | DNN_BACKEND_INFERENCE_ENGINE = 0 + 2 |
const int | DNN_BACKEND_OPENCV = 0 + 3 |
const int | DNN_BACKEND_TIMVX = 0 + 7 |
const int | DNN_BACKEND_VKCOM = 0 + 4 |
const int | DNN_BACKEND_WEBNN = 0 + 6 |
const int | DNN_LAYOUT_NCDHW = 3 |
const int | DNN_LAYOUT_NCHW = 2 |
const int | DNN_LAYOUT_ND = 1 |
const int | DNN_LAYOUT_NDHWC = 5 |
const int | DNN_LAYOUT_NHWC = 4 |
const int | DNN_LAYOUT_PLANAR = 6 |
const int | DNN_LAYOUT_UNKNOWN = 0 |
const int | DNN_PMODE_CROP_CENTER = 1 |
const int | DNN_PMODE_LETTERBOX = 2 |
const int | DNN_PMODE_NULL = 0 |
const int | DNN_TARGET_CPU = 0 |
const int | DNN_TARGET_CPU_FP16 = 0 + 10 |
const int | DNN_TARGET_CUDA = 0 + 6 |
const int | DNN_TARGET_CUDA_FP16 = 0 + 7 |
const int | DNN_TARGET_FPGA = 0 + 5 |
const int | DNN_TARGET_HDDL = 0 + 8 |
const int | DNN_TARGET_MYRIAD = 0 + 3 |
const int | DNN_TARGET_NPU = 0 + 9 |
const int | DNN_TARGET_OPENCL = 0 + 1 |
const int | DNN_TARGET_OPENCL_FP16 = 0 + 2 |
const int | DNN_TARGET_VULKAN = 0 + 4 |
const int | SoftNMSMethod_SOFTNMS_GAUSSIAN = 2 |
const int | SoftNMSMethod_SOFTNMS_LINEAR = 1 |
Creates 4-dimensional blob from image. Optionally resizes and crops image
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
image | input image (with 1-, 3- or 4-channels). |
scalefactor | multiplier for images values. |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor. Creates 4-dimensional blob from image. Optionally resizes and crops image
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
image | input image (with 1-, 3- or 4-channels). |
scalefactor | multiplier for images values. |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from image. Optionally resizes and crops image
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
image | input image (with 1-, 3- or 4-channels). |
scalefactor | multiplier for images values. |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from image. Optionally resizes and crops image
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
image | input image (with 1-, 3- or 4-channels). |
scalefactor | multiplier for images values. |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from image. Optionally resizes and crops image
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
image | input image (with 1-, 3- or 4-channels). |
scalefactor | multiplier for images values. |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from image. Optionally resizes and crops image
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
image | input image (with 1-, 3- or 4-channels). |
scalefactor | multiplier for images values. |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from image. Optionally resizes and crops image
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
image | input image (with 1-, 3- or 4-channels). |
scalefactor | multiplier for images values. |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from image. Optionally resizes and crops image
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
image | input image (with 1-, 3- or 4-channels). |
scalefactor | multiplier for images values. |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from image. Optionally resizes and crops image
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
image | input image (with 1-, 3- or 4-channels). |
scalefactor | multiplier for images values. |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from image. Optionally resizes and crops image
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
image | input image (with 1-, 3- or 4-channels). |
scalefactor | multiplier for images values. |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from image. Optionally resizes and crops image
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
image | input image (with 1-, 3- or 4-channels). |
scalefactor | multiplier for images values. |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from image. Optionally resizes and crops image
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
image | input image (with 1-, 3- or 4-channels). |
scalefactor | multiplier for images values. |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from image. Optionally resizes and crops image
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
image | input image (with 1-, 3- or 4-channels). |
scalefactor | multiplier for images values. |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from image. Optionally resizes and crops image
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
image | input image (with 1-, 3- or 4-channels). |
scalefactor | multiplier for images values. |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from image. Optionally resizes and crops image
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
image | input image (with 1-, 3- or 4-channels). |
scalefactor | multiplier for images values. |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from image. Optionally resizes and crops image
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
image | input image (with 1-, 3- or 4-channels). |
scalefactor | multiplier for images values. |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from image. Optionally resizes and crops image
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
image | input image (with 1-, 3- or 4-channels). |
scalefactor | multiplier for images values. |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor. Creates 4-dimensional blob from series of images. Optionally resizes and crops images
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
images | input images (all with 1-, 3- or 4-channels). |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
scalefactor | multiplier for images values. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
images | input images (all with 1-, 3- or 4-channels). |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
scalefactor | multiplier for images values. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
images | input images (all with 1-, 3- or 4-channels). |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
scalefactor | multiplier for images values. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
images | input images (all with 1-, 3- or 4-channels). |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
scalefactor | multiplier for images values. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
images | input images (all with 1-, 3- or 4-channels). |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
scalefactor | multiplier for images values. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
images | input images (all with 1-, 3- or 4-channels). |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
scalefactor | multiplier for images values. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
images | input images (all with 1-, 3- or 4-channels). |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
scalefactor | multiplier for images values. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
images | input images (all with 1-, 3- or 4-channels). |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
scalefactor | multiplier for images values. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
images | input images (all with 1-, 3- or 4-channels). |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
scalefactor | multiplier for images values. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
images | input images (all with 1-, 3- or 4-channels). |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
scalefactor | multiplier for images values. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
images | input images (all with 1-, 3- or 4-channels). |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
scalefactor | multiplier for images values. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
images | input images (all with 1-, 3- or 4-channels). |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
scalefactor | multiplier for images values. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
images | input images (all with 1-, 3- or 4-channels). |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
scalefactor | multiplier for images values. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
images | input images (all with 1-, 3- or 4-channels). |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
scalefactor | multiplier for images values. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
images | input images (all with 1-, 3- or 4-channels). |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
scalefactor | multiplier for images values. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
images | input images (all with 1-, 3- or 4-channels). |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
scalefactor | multiplier for images values. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor.
|
static |
Creates 4-dimensional blob from series of images. Optionally resizes and crops images
from center, subtract mean
values, scales values by scalefactor
, swap Blue and Red channels.
images | input images (all with 1-, 3- or 4-channels). |
size | spatial size for output image |
mean | scalar with mean values which are subtracted from channels. Values are intended to be in (mean-R, mean-G, mean-B) order if image has BGR ordering and swapRB is true. |
scalefactor | multiplier for images values. |
swapRB | flag which indicates that swap first and last channels in 3-channel image is necessary. |
crop | flag which indicates whether image will be cropped after resize or not |
ddepth | Depth of output blob. Choose CV_32F or CV_8U. |
if crop
is true, input image is resized so one side after resize is equal to corresponding dimension in size
and another one is equal or larger. Then, crop from the center is performed. If crop
is false, direct resize without cropping and preserving aspect ratio is performed.
scalefactor
and mean
are (input - mean) * scalefactor. Creates 4-dimensional blob from series of images with given params.
This function is an extension of blobFromImages to meet more image preprocess needs. Given input image and preprocessing parameters, and function outputs the blob.
images | input image (all with 1-, 3- or 4-channels). |
param | struct of Image2BlobParams, contains all parameters needed by processing of image to blob. |
|
static |
Creates 4-dimensional blob from series of images with given params.
This function is an extension of blobFromImages to meet more image preprocess needs. Given input image and preprocessing parameters, and function outputs the blob.
images | input image (all with 1-, 3- or 4-channels). |
param | struct of Image2BlobParams, contains all parameters needed by processing of image to blob. |
|
static |
This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.
|
static |
This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.
Creates 4-dimensional blob from image with given params.
This function is an extension of blobFromImage to meet more image preprocess needs. Given input image and preprocessing parameters, and function outputs the blob.
image | input image (all with 1-, 3- or 4-channels). |
param | struct of Image2BlobParams, contains all parameters needed by processing of image to blob. |
|
static |
Creates 4-dimensional blob from image with given params.
This function is an extension of blobFromImage to meet more image preprocess needs. Given input image and preprocessing parameters, and function outputs the blob.
image | input image (all with 1-, 3- or 4-channels). |
param | struct of Image2BlobParams, contains all parameters needed by processing of image to blob. |
This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.
|
static |
This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.
|
static |
|
static |
Returns Inference Engine internal backend API.
See values of CV_DNN_BACKEND_INFERENCE_ENGINE_*
macros.
OPENCV_DNN_BACKEND_INFERENCE_ENGINE_TYPE
runtime parameter (environment variable) is ignored since 4.6.0.
|
static |
Returns Inference Engine CPU type.
Specify OpenVINO plugin: CPU or ARM.
|
static |
Returns Inference Engine VPU type.
See values of CV_DNN_INFERENCE_ENGINE_VPU_TYPE_*
macros.
Parse a 4D blob and output the images it contains as 2D arrays through a simpler data structure (std::vector<cv::Mat>).
|
static |
Performs non maximum suppression given boxes and corresponding scores.
bboxes | a set of bounding boxes to apply NMS. |
scores | a set of corresponding confidences. |
score_threshold | a threshold used to filter boxes by score. |
nms_threshold | a threshold used in non maximum suppression. |
indices | the kept indices of bboxes after NMS. |
eta | a coefficient in adaptive threshold formula: \(nms\_threshold_{i+1}=eta\cdot nms\_threshold_i\). |
top_k | if >0 , keep at most top_k picked indices. |
|
static |
Performs non maximum suppression given boxes and corresponding scores.
bboxes | a set of bounding boxes to apply NMS. |
scores | a set of corresponding confidences. |
score_threshold | a threshold used to filter boxes by score. |
nms_threshold | a threshold used in non maximum suppression. |
indices | the kept indices of bboxes after NMS. |
eta | a coefficient in adaptive threshold formula: \(nms\_threshold_{i+1}=eta\cdot nms\_threshold_i\). |
top_k | if >0 , keep at most top_k picked indices. |
|
static |
Performs non maximum suppression given boxes and corresponding scores.
bboxes | a set of bounding boxes to apply NMS. |
scores | a set of corresponding confidences. |
score_threshold | a threshold used to filter boxes by score. |
nms_threshold | a threshold used in non maximum suppression. |
indices | the kept indices of bboxes after NMS. |
eta | a coefficient in adaptive threshold formula: \(nms\_threshold_{i+1}=eta\cdot nms\_threshold_i\). |
top_k | if >0 , keep at most top_k picked indices. |
|
static |
Performs batched non maximum suppression on given boxes and corresponding scores across different classes.
bboxes | a set of bounding boxes to apply NMS. |
scores | a set of corresponding confidences. |
class_ids | a set of corresponding class ids. Ids are integer and usually start from 0. |
score_threshold | a threshold used to filter boxes by score. |
nms_threshold | a threshold used in non maximum suppression. |
indices | the kept indices of bboxes after NMS. |
eta | a coefficient in adaptive threshold formula: \(nms\_threshold_{i+1}=eta\cdot nms\_threshold_i\). |
top_k | if >0 , keep at most top_k picked indices. |
|
static |
Performs batched non maximum suppression on given boxes and corresponding scores across different classes.
bboxes | a set of bounding boxes to apply NMS. |
scores | a set of corresponding confidences. |
class_ids | a set of corresponding class ids. Ids are integer and usually start from 0. |
score_threshold | a threshold used to filter boxes by score. |
nms_threshold | a threshold used in non maximum suppression. |
indices | the kept indices of bboxes after NMS. |
eta | a coefficient in adaptive threshold formula: \(nms\_threshold_{i+1}=eta\cdot nms\_threshold_i\). |
top_k | if >0 , keep at most top_k picked indices. |
|
static |
Performs batched non maximum suppression on given boxes and corresponding scores across different classes.
bboxes | a set of bounding boxes to apply NMS. |
scores | a set of corresponding confidences. |
class_ids | a set of corresponding class ids. Ids are integer and usually start from 0. |
score_threshold | a threshold used to filter boxes by score. |
nms_threshold | a threshold used in non maximum suppression. |
indices | the kept indices of bboxes after NMS. |
eta | a coefficient in adaptive threshold formula: \(nms\_threshold_{i+1}=eta\cdot nms\_threshold_i\). |
top_k | if >0 , keep at most top_k picked indices. |
|
static |
|
static |
|
static |
Read deep learning network represented in one of the supported formats.
This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.
|
static |
Read deep learning network represented in one of the supported formats.
This is an overloaded member function, provided for convenience. It differs from the above function only in what argument(s) it accepts.
|
static |
Read deep learning network represented in one of the supported formats.
This function automatically detects an origin framework of trained model and calls an appropriate function such readNetFromCaffe, readNetFromTensorflow, readNetFromTorch or readNetFromDarknet. An order of model
and config
arguments does not matter.
|
static |
Read deep learning network represented in one of the supported formats.
This function automatically detects an origin framework of trained model and calls an appropriate function such readNetFromCaffe, readNetFromTensorflow, readNetFromTorch or readNetFromDarknet. An order of model
and config
arguments does not matter.
|
static |
Read deep learning network represented in one of the supported formats.
This function automatically detects an origin framework of trained model and calls an appropriate function such readNetFromCaffe, readNetFromTensorflow, readNetFromTorch or readNetFromDarknet. An order of model
and config
arguments does not matter.
Reads a network model stored in Caffe model in memory.
bufferProto | buffer containing the content of the .prototxt file |
bufferModel | buffer containing the content of the .caffemodel file |
|
static |
Reads a network model stored in Caffe model in memory.
bufferProto | buffer containing the content of the .prototxt file |
bufferModel | buffer containing the content of the .caffemodel file |
|
static |
Reads a network model stored in <a href="http://caffe.berkeleyvision.org">Caffe</a> framework's format.
prototxt | path to the .prototxt file with text description of the network architecture. |
caffeModel | path to the .caffemodel file with learned network. |
|
static |
Reads a network model stored in <a href="http://caffe.berkeleyvision.org">Caffe</a> framework's format.
prototxt | path to the .prototxt file with text description of the network architecture. |
caffeModel | path to the .caffemodel file with learned network. |
Reads a network model stored in <a href="https://pjreddie.com/darknet/">Darknet</a> model files.
bufferCfg | A buffer contains a content of .cfg file with text description of the network architecture. |
bufferModel | A buffer contains a content of .weights file with learned network. |
|
static |
Reads a network model stored in <a href="https://pjreddie.com/darknet/">Darknet</a> model files.
bufferCfg | A buffer contains a content of .cfg file with text description of the network architecture. |
bufferModel | A buffer contains a content of .weights file with learned network. |
|
static |
Reads a network model stored in <a href="https://pjreddie.com/darknet/">Darknet</a> model files.
cfgFile | path to the .cfg file with text description of the network architecture. |
darknetModel | path to the .weights file with learned network. |
|
static |
Reads a network model stored in <a href="https://pjreddie.com/darknet/">Darknet</a> model files.
cfgFile | path to the .cfg file with text description of the network architecture. |
darknetModel | path to the .weights file with learned network. |
|
static |
|
static |
Reads a network model from <a href="https://onnx.ai/">ONNX</a> in-memory buffer.
buffer | in-memory buffer that stores the ONNX model bytes. |
|
static |
Reads a network model <a href="https://onnx.ai/">ONNX</a>.
onnxFile | path to the .onnx file with text description of the network architecture. |
Reads a network model stored in <a href="https://www.tensorflow.org/">TensorFlow</a> framework's format.
bufferModel | buffer containing the content of the pb file |
bufferConfig | buffer containing the content of the pbtxt file |
|
static |
Reads a network model stored in <a href="https://www.tensorflow.org/">TensorFlow</a> framework's format.
bufferModel | buffer containing the content of the pb file |
bufferConfig | buffer containing the content of the pbtxt file |
|
static |
Reads a network model stored in <a href="https://www.tensorflow.org/">TensorFlow</a> framework's format.
model | path to the .pb file with binary protobuf description of the network architecture |
config | path to the .pbtxt file that contains text graph definition in protobuf format. Resulting Net object is built by text graph using weights from a binary one that let us make it more flexible. |
|
static |
Reads a network model stored in <a href="https://www.tensorflow.org/">TensorFlow</a> framework's format.
model | path to the .pb file with binary protobuf description of the network architecture |
config | path to the .pbtxt file that contains text graph definition in protobuf format. Resulting Net object is built by text graph using weights from a binary one that let us make it more flexible. |
Reads a network model stored in <a href="https://www.tensorflow.org/lite">TFLite</a> framework's format.
bufferModel | buffer containing the content of the tflite file |
|
static |
Reads a network model stored in <a href="https://www.tensorflow.org/lite">TFLite</a> framework's format.
model | path to the .tflite file with binary flatbuffers description of the network architecture |
|
static |
Reads a network model stored in <a href="http://torch.ch">Torch7</a> framework's format.
model | path to the file, dumped from Torch by using torch.save() function. |
isBinary | specifies whether the network was serialized in ascii mode or binary. |
evaluate | specifies testing phase of network. If true, it's similar to evaluate() method in Torch. |
long
type of C language, which has various bit-length on different systems.The loading file must contain serialized <a href="https://github.com/torch/nn/blob/master/doc/module.md">nn.Module</a> object with importing network. Try to eliminate a custom objects from serialazing data to avoid importing errors.
List of supported layers (i.e. object instances derived from Torch nn.Module class):
Also some equivalents of these classes from cunn, cudnn, and fbcunn may be successfully imported.
|
static |
Reads a network model stored in <a href="http://torch.ch">Torch7</a> framework's format.
model | path to the file, dumped from Torch by using torch.save() function. |
isBinary | specifies whether the network was serialized in ascii mode or binary. |
evaluate | specifies testing phase of network. If true, it's similar to evaluate() method in Torch. |
long
type of C language, which has various bit-length on different systems.The loading file must contain serialized <a href="https://github.com/torch/nn/blob/master/doc/module.md">nn.Module</a> object with importing network. Try to eliminate a custom objects from serialazing data to avoid importing errors.
List of supported layers (i.e. object instances derived from Torch nn.Module class):
Also some equivalents of these classes from cunn, cudnn, and fbcunn may be successfully imported.
|
static |
Reads a network model stored in <a href="http://torch.ch">Torch7</a> framework's format.
model | path to the file, dumped from Torch by using torch.save() function. |
isBinary | specifies whether the network was serialized in ascii mode or binary. |
evaluate | specifies testing phase of network. If true, it's similar to evaluate() method in Torch. |
long
type of C language, which has various bit-length on different systems.The loading file must contain serialized <a href="https://github.com/torch/nn/blob/master/doc/module.md">nn.Module</a> object with importing network. Try to eliminate a custom objects from serialazing data to avoid importing errors.
List of supported layers (i.e. object instances derived from Torch nn.Module class):
Also some equivalents of these classes from cunn, cudnn, and fbcunn may be successfully imported.
|
static |
Creates blob from .pb file.
path | to the .pb file with input tensor. |
|
static |
Loads blob which was serialized as torch.Tensor object of Torch7 framework.
|
static |
Loads blob which was serialized as torch.Tensor object of Torch7 framework.
|
static |
Release a HDDL plugin.
|
static |
Release a Myriad device (binded by OpenCV).
Single Myriad device cannot be shared across multiple processes which uses Inference Engine's Myriad plugin.
|
static |
Specify Inference Engine internal backend API.
See values of CV_DNN_BACKEND_INFERENCE_ENGINE_*
macros.
|
static |
Convert all weights of Caffe network to half precision floating point.
src | Path to origin model from Caffe framework contains single precision floating point weights (usually has .caffemodel extension). |
dst | Path to destination model with updated weights. |
layersTypes | Set of layers types which parameters will be converted. By default, converts only Convolutional and Fully-Connected layers' weights. |
|
static |
Convert all weights of Caffe network to half precision floating point.
src | Path to origin model from Caffe framework contains single precision floating point weights (usually has .caffemodel extension). |
dst | Path to destination model with updated weights. |
layersTypes | Set of layers types which parameters will be converted. By default, converts only Convolutional and Fully-Connected layers' weights. |
|
static |
Performs soft non maximum suppression given boxes and corresponding scores. Reference: https://arxiv.org/abs/1704.04503.
bboxes | a set of bounding boxes to apply Soft NMS. |
scores | a set of corresponding confidences. |
updated_scores | a set of corresponding updated confidences. |
score_threshold | a threshold used to filter boxes by score. |
nms_threshold | a threshold used in non maximum suppression. |
indices | the kept indices of bboxes after NMS. |
top_k | keep at most top_k picked indices. |
sigma | parameter of Gaussian weighting. |
method | Gaussian or linear. |
SoftNMSMethod
|
static |
Performs soft non maximum suppression given boxes and corresponding scores. Reference: https://arxiv.org/abs/1704.04503.
bboxes | a set of bounding boxes to apply Soft NMS. |
scores | a set of corresponding confidences. |
updated_scores | a set of corresponding updated confidences. |
score_threshold | a threshold used to filter boxes by score. |
nms_threshold | a threshold used in non maximum suppression. |
indices | the kept indices of bboxes after NMS. |
top_k | keep at most top_k picked indices. |
sigma | parameter of Gaussian weighting. |
method | Gaussian or linear. |
SoftNMSMethod
|
static |
Performs soft non maximum suppression given boxes and corresponding scores. Reference: https://arxiv.org/abs/1704.04503.
bboxes | a set of bounding boxes to apply Soft NMS. |
scores | a set of corresponding confidences. |
updated_scores | a set of corresponding updated confidences. |
score_threshold | a threshold used to filter boxes by score. |
nms_threshold | a threshold used in non maximum suppression. |
indices | the kept indices of bboxes after NMS. |
top_k | keep at most top_k picked indices. |
sigma | parameter of Gaussian weighting. |
method | Gaussian or linear. |
SoftNMSMethod
|
static |
Create a text representation for a binary network stored in protocol buffer format.
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |
|
static |