|
| GMat | absDiff (const GMat &src1, const GMat &src2) |
| | 计算两个矩阵之间逐元素的绝对差值。
|
| |
| GMat | absDiffC (const GMat &src, const GScalar &c) |
| | 计算矩阵元素的绝对值。
|
| |
| GMat | add (const GMat &src1, const GMat &src2, int ddepth=-1) |
| | 计算两个矩阵逐元素的和。
|
| |
| GMat | addC (const GMat &src1, const GScalar &c, int ddepth=-1) |
| | 计算矩阵与给定标量逐元素的和。
|
| |
| GMat | addC (const GScalar &c, const GMat &src1, int ddepth=-1) |
| | 这是一个重载的成员函数,为方便起见而提供。它与上述函数的区别仅在于所接受的参数不同。
|
| |
| GMat | addWeighted (const GMat &src1, double alpha, const GMat &src2, double beta, double gamma, int ddepth=-1) |
| | 计算两个矩阵的加权和。
|
| |
| GMat | BackgroundSubtractor (const GMat &src, const cv::gapi::video::BackgroundSubtractorParams &bsParams) |
| | 基于高斯混合模型或 K 最近邻的背景/前景分割算法。该操作生成前景掩码。
|
| |
| GMat | BayerGR2RGB (const GMat &src_gr) |
| | 将图像从 BayerGR 颜色空间转换为 RGB。该函数将输入图像从 BayerGR 颜色空间转换为 RGB。G、R、B 通道值的常规范围是 0 到 255。
|
| |
| GMat | BGR2Gray (const GMat &src) |
| | 将图像从 BGR 颜色空间转换为灰度图。
|
| |
| GMat | BGR2I420 (const GMat &src) |
| | 将图像从 BGR 颜色空间转换为 I420 颜色空间。
|
| |
| GMat | BGR2LUV (const GMat &src) |
| | 将图像从 BGR 颜色空间转换为 LUV 颜色空间。
|
| |
| GMat | BGR2RGB (const GMat &src) |
| | 将图像从 BGR 颜色空间转换为 RGB 颜色空间。
|
| |
| GMat | BGR2YUV (const GMat &src) |
| | 将图像从 BGR 颜色空间转换为 YUV 颜色空间。
|
| |
| GMat | bilateralFilter (const GMat &src, int d, double sigmaColor, double sigmaSpace, int borderType=BORDER_DEFAULT) |
| | 对图像应用双边滤波。
|
| |
| cv::GRunArg | bind (cv::GRunArgP &out) |
| | 将图执行期间可用的输出 GRunArgsP 封装为可序列化的 GRunArgs。
|
| |
| cv::GRunArgsP | bind (cv::GRunArgs &out_args) |
| | 将反序列化的输出 GRunArgs 封装为可供 GCompiled 使用的 GRunArgsP。
|
| |
| GMat | bitwise_and (const GMat &src1, const GMat &src2) |
| | 计算两个矩阵的按位与 (src1 & src2)。计算相同尺寸的两个矩阵逐元素的逻辑位与。
|
| |
| GMat | bitwise_and (const GMat &src1, const GScalar &src2) |
| |
| GMat | bitwise_not (const GMat &src) |
| | 对数组的每一位取反。
|
| |
| GMat | bitwise_or (const GMat &src1, const GMat &src2) |
| | 计算两个矩阵的按位或 (src1 | src2)。计算相同尺寸的两个矩阵逐元素的逻辑位或。
|
| |
| GMat | bitwise_or (const GMat &src1, const GScalar &src2) |
| |
| GMat | bitwise_xor (const GMat &src1, const GMat &src2) |
| | 计算两个矩阵的按位“异或” (src1 ^ src2)。计算相同尺寸的两个矩阵逐元素的逻辑按位“异或”。
|
| |
| GMat | bitwise_xor (const GMat &src1, const GScalar &src2) |
| |
| GMat | blur (const GMat &src, const Size &ksize, const Point &anchor=Point(-1,-1), int borderType=BORDER_DEFAULT, const Scalar &borderValue=Scalar(0)) |
| | 使用归一化框式滤波(normalized box filter)模糊图像。
|
| |
| GOpaque< Rect > | boundingRect (const GArray< Point2f > &src) |
| |
| GOpaque< Rect > | boundingRect (const GArray< Point2i > &src) |
| |
| GOpaque< Rect > | boundingRect (const GMat &src) |
| | 计算点集或灰度图像中非零像素的正外接矩形。
|
| |
| GMat | boxFilter (const GMat &src, int dtype, const Size &ksize, const Point &anchor=Point(-1,-1), bool normalize=true, int borderType=BORDER_DEFAULT, const Scalar &borderValue=Scalar(0)) |
| | 使用框式滤波模糊图像。
|
| |
| std::tuple< GArray< GMat >, GScalar > | buildOpticalFlowPyramid (const GMat &img, const Size &winSize, const GScalar &maxLevel, bool withDerivatives=true, int pyrBorder=BORDER_REFLECT_101, int derivBorder=BORDER_CONSTANT, bool tryReuseInputImage=true) |
| | 构建可以传递给 calcOpticalFlowPyrLK 的图像金字塔。
|
| |
| std::tuple< GArray< Point2f >, GArray< uchar >, GArray< float > > | calcOpticalFlowPyrLK (const GArray< GMat > &prevPyr, const GArray< GMat > &nextPyr, const GArray< Point2f > &prevPts, const GArray< Point2f > &predPts, const Size &winSize=Size(21, 21), const GScalar &maxLevel=3, const TermCriteria &criteria=TermCriteria(TermCriteria::COUNT|TermCriteria::EPS, 30, 0.01), int flags=0, double minEigThresh=1e-4) |
| |
| std::tuple< GArray< Point2f >, GArray< uchar >, GArray< float > > | calcOpticalFlowPyrLK (const GMat &prevImg, const GMat &nextImg, const GArray< Point2f > &prevPts, const GArray< Point2f > &predPts, const Size &winSize=Size(21, 21), const GScalar &maxLevel=3, const TermCriteria &criteria=TermCriteria(TermCriteria::COUNT|TermCriteria::EPS, 30, 0.01), int flags=0, double minEigThresh=1e-4) |
| | 使用带金字塔的迭代 Lucas-Kanade 方法计算稀疏特征集的光流。
|
| |
| GMat | Canny (const GMat &image, double threshold1, double threshold2, int apertureSize=3, bool L2gradient=false) |
| | 使用 Canny 算法检测图像边缘。
|
| |
| std::tuple< GMat, GMat > | cartToPolar (const GMat &x, const GMat &y, bool angleInDegrees=false) |
| | 计算二维向量的幅值和角度。
|
| |
| GMat | cmpEQ (const GMat &src1, const GMat &src2) |
| | 执行两个矩阵逐元素比较,检查第一个矩阵的元素是否等于第二个矩阵中对应的元素。
|
| |
| GMat | cmpEQ (const GMat &src1, const GScalar &src2) |
| |
| GMat | cmpGE (const GMat &src1, const GMat &src2) |
| | 执行两个矩阵逐元素比较,检查第一个矩阵的元素是否大于或等于第二个矩阵中对应的元素。
|
| |
| GMat | cmpGE (const GMat &src1, const GScalar &src2) |
| |
| GMat | cmpGT (const GMat &src1, const GMat &src2) |
| | 执行两个矩阵逐元素比较,检查第一个矩阵的元素是否大于第二个矩阵中对应的元素。
|
| |
| GMat | cmpGT (const GMat &src1, const GScalar &src2) |
| |
| GMat | cmpLE (const GMat &src1, const GMat &src2) |
| | 执行两个矩阵逐元素比较,检查第一个矩阵的元素是否小于或等于第二个矩阵中对应的元素。
|
| |
| GMat | cmpLE (const GMat &src1, const GScalar &src2) |
| |
| GMat | cmpLT (const GMat &src1, const GMat &src2) |
| | 执行两个矩阵逐元素比较,检查第一个矩阵的元素是否小于第二个矩阵中对应的元素。
|
| |
| GMat | cmpLT (const GMat &src1, const GScalar &src2) |
| |
| GMat | cmpNE (const GMat &src1, const GMat &src2) |
| | 执行两个矩阵逐元素比较,检查第一个矩阵的元素是否不等于第二个矩阵中对应的元素。
|
| |
| GMat | cmpNE (const GMat &src1, const GScalar &src2) |
| |
| template<typename... Ps> |
| cv::GKernelPackage | combine (const cv::GKernelPackage &a, const cv::GKernelPackage &b, Ps &&... rest) |
| | 将多个 G-API 内核包合并为一个。
|
| |
| cv::GKernelPackage | combine (const cv::GKernelPackage &lhs, const cv::GKernelPackage &rhs) |
| |
| GMat | concatHor (const GMat &src1, const GMat &src2) |
| | 对给定的矩阵进行水平拼接。
|
| |
| GMat | concatHor (const std::vector< GMat > &v) |
| |
| GMat | concatVert (const GMat &src1, const GMat &src2) |
| | 对给定的矩阵进行垂直拼接。
|
| |
| GMat | concatVert (const std::vector< GMat > &v) |
| |
| GMat | convertTo (const GMat &src, int rdepth, double alpha=1, double beta=0) |
| | 将矩阵转换为另一个数据深度,并可选择缩放。
|
| |
| GFrame | copy (const GFrame &in) |
| | 创建输入帧的副本。请注意,此副本可能不是真实复制(不进行实际数据拷贝)。在需要直接将图的输入传递给输出时(例如在流模式下),使用此函数来维护图约定。
|
| |
| GMat | copy (const GMat &in) |
| | 创建输入图像的副本。请注意,此副本可能不是真实复制(不进行实际数据拷贝)。在需要直接将图的输入传递给输出时(例如在流模式下),使用此函数来维护图约定。
|
| |
| GOpaque< int > | countNonZero (const GMat &src) |
| | 统计非零数组元素的数量。
|
| |
| GMat | crop (const GMat &src, const Rect &rect) |
| | 裁剪 2D 矩阵。
|
| |
| template<> |
| cv::GComputation | deserialize (const std::vector< char > &bytes) |
| | 从字节数组反序列化 GComputation。
|
| |
| template<> |
| cv::GMetaArgs | deserialize (const std::vector< char > &bytes) |
| | 从字节数组反序列化 GMetaArgs。
|
| |
| template<> |
| cv::GRunArgs | deserialize (const std::vector< char > &bytes) |
| | 从字节数组反序列化 GRunArgs。
|
| |
| template<> |
| std::vector< std::string > | deserialize (const std::vector< char > &bytes) |
| | 从字节数组反序列化 std::vector<std::string>。
|
| |
| template<typename T , typename... Types> |
| std::enable_if< std::is_same< T, GCompileArgs >::value, GCompileArgs >::type | deserialize (const std::vector< char > &bytes) |
| | 从字节数组反序列化在模板中指定类型的 GCompileArgs。
|
| |
| template<typename T , typename AtLeastOneAdapterT , typename... AdapterTypes> |
| std::enable_if< std::is_same< T, GRunArgs >::value, GRunArgs >::type | deserialize (const std::vector< char > &bytes) |
| | 从字节数组反序列化 GRunArgs,包括 RMat 和 MediaFrame 对象(如果有)。
|
| |
| GMat | dilate (const GMat &src, const Mat &kernel, const Point &anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue()) |
| | 使用特定的结构元素膨胀图像。
|
| |
| GMat | dilate3x3 (const GMat &src, int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue()) |
| | 使用 3x3 矩形结构元素对图像进行膨胀。
|
| |
| GMat | div (const GMat &src1, const GMat &src2, double scale, int ddepth=-1) |
| | 执行两个矩阵的逐元素除法。
|
| |
| GMat | divC (const GMat &src, const GScalar &divisor, double scale, int ddepth=-1) |
| | 用矩阵除以标量。
|
| |
| GMat | divRC (const GScalar ÷nt, const GMat &src, double scale, int ddepth=-1) |
| | 用标量除以矩阵。
|
| |
| GMat | equalizeHist (const GMat &src) |
| |
| GMat | erode (const GMat &src, const Mat &kernel, const Point &anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue()) |
| | 使用特定的结构元素腐蚀图像。
|
| |
| GMat | erode3x3 (const GMat &src, int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue()) |
| | 使用 3x3 矩形结构元素对图像进行腐蚀。
|
| |
| GMat | filter2D (const GMat &src, int ddepth, const Mat &kernel, const Point &anchor=Point(-1,-1), const Scalar &delta=Scalar(0), int borderType=BORDER_DEFAULT, const Scalar &borderValue=Scalar(0)) |
| | 将图像与卷积核进行卷积。
|
| |
| GArray< GArray< Point > > | findContours (const GMat &src, const RetrievalModes mode, const ContourApproximationModes method) |
| |
| GArray< GArray< Point > > | findContours (const GMat &src, const RetrievalModes mode, const ContourApproximationModes method, const GOpaque< Point > &offset) |
| | 在二值图像中查找轮廓。
|
| |
| std::tuple< GArray< GArray< Point > >, GArray< Vec4i > > | findContoursH (const GMat &src, const RetrievalModes mode, const ContourApproximationModes method) |
| |
| std::tuple< GArray< GArray< Point > >, GArray< Vec4i > > | findContoursH (const GMat &src, const RetrievalModes mode, const ContourApproximationModes method, const GOpaque< Point > &offset) |
| | 在二值图像中查找轮廓及其层级结构。
|
| |
| GOpaque< Vec4f > | fitLine2D (const GArray< Point2d > &src, const DistanceTypes distType, const double param=0., const double reps=0., const double aeps=0.) |
| |
| GOpaque< Vec4f > | fitLine2D (const GArray< Point2f > &src, const DistanceTypes distType, const double param=0., const double reps=0., const double aeps=0.) |
| |
| GOpaque< Vec4f > | fitLine2D (const GArray< Point2i > &src, const DistanceTypes distType, const double param=0., const double reps=0., const double aeps=0.) |
| |
| GOpaque< Vec4f > | fitLine2D (const GMat &src, const DistanceTypes distType, const double param=0., const double reps=0., const double aeps=0.) |
| | 为 2D 点集拟合直线。
|
| |
| GOpaque< Vec6f > | fitLine3D (const GArray< Point3d > &src, const DistanceTypes distType, const double param=0., const double reps=0., const double aeps=0.) |
| |
| GOpaque< Vec6f > | fitLine3D (const GArray< Point3f > &src, const DistanceTypes distType, const double param=0., const double reps=0., const double aeps=0.) |
| |
| GOpaque< Vec6f > | fitLine3D (const GArray< Point3i > &src, const DistanceTypes distType, const double param=0., const double reps=0., const double aeps=0.) |
| |
| GOpaque< Vec6f > | fitLine3D (const GMat &src, const DistanceTypes distType, const double param=0., const double reps=0., const double aeps=0.) |
| | 为 3D 点集拟合直线。
|
| |
| GMat | flip (const GMat &src, int flipCode) |
| | 围绕垂直、水平或两个轴翻转 2D 矩阵。
|
| |
| GMat | gaussianBlur (const GMat &src, const Size &ksize, double sigmaX, double sigmaY=0, int borderType=BORDER_DEFAULT, const Scalar &borderValue=Scalar(0)) |
| | 使用高斯滤波器模糊图像。
|
| |
| template<typename T > |
| cv::util::optional< T > | getCompileArg (const cv::GCompileArgs &args) |
| | 根据类型从 cv::GCompileArgs 中检索特定的编译参数。
|
| |
| GArray< Point2f > | goodFeaturesToTrack (const GMat &image, int maxCorners, double qualityLevel, double minDistance, const Mat &mask=Mat(), int blockSize=3, bool useHarrisDetector=false, double k=0.04) |
| | 在图像上确定强角点。
|
| |
| GMat | I4202BGR (const GMat &src) |
| | 将图像从 I420 颜色空间转换为 BGR 颜色空间。
|
| |
| GMat | I4202RGB (const GMat &src) |
| | 将图像从 I420 颜色空间转换为 BGR 颜色空间。
|
| |
| template<typename Net , typename... Args> |
| Net::Result | infer (Args &&... args) |
| | 给定输入数据,计算指定网络(模板参数)的响应。
|
| |
| template<typename T = Generic> |
| cv::GInferListOutputs | infer (const std::string &tag, const cv::GArray< cv::Rect > &rois, const cv::GInferInputs &inputs) |
| | 计算源图像中每个区域指定网络的响应。
|
| |
| template<typename T = Generic> |
| cv::GInferOutputs | infer (const std::string &tag, const cv::GInferInputs &inputs) |
| | 计算通用网络的响应。
|
| |
| template<typename T = Generic> |
| cv::GInferOutputs | infer (const std::string &tag, const cv::GOpaque< cv::Rect > &roi, const cv::GInferInputs &inputs) |
| | 计算源图像中指定区域通用网络的响应。目前仅支持单输入网络。
|
| |
| template<typename Net , typename... Args> |
| Net::ResultL | infer (cv::GArray< cv::Rect > roi, Args &&... args) |
| | 计算源图像中每个区域指定网络(模板参数)的响应。
|
| |
| template<typename Net , typename T > |
| Net::Result | infer (cv::GOpaque< cv::Rect > roi, T in) |
| | 计算源图像中指定区域指定网络(模板参数)的响应。目前仅支持单输入网络。
|
| |
| template<typename T = Generic, typename Input > |
| std::enable_if< cv::detail::accepted_infer_types< Input >::value, cv::GInferListOutputs >::type | infer2 (const std::string &tag, const Input &in, const cv::GInferListInputs &inputs) |
| | 计算源图像中每个区域指定网络的响应,扩展版本。
|
| |
| template<typename Net , typename T , typename... Args> |
| Net::ResultL | infer2 (T image, cv::GArray< Args >... args) |
| | 计算源图像中每个区域指定网络(模板参数)的响应,扩展版本。
|
| |
| GMat | inRange (const GMat &src, const GScalar &threshLow, const GScalar &threshUp) |
| | 对每个矩阵元素应用范围级阈值。
|
| |
| std::tuple< GMat, GMat > | integral (const GMat &src, int sdepth=-1, int sqdepth=-1) |
| | 计算图像的积分图。
|
| |
| void | island (const std::string &name, GProtoInputArgs &&ins, GProtoOutputArgs &&outs) |
| | 在计算中定义一个带标签的岛屿(子图)。
|
| |
| GMat | KalmanFilter (const GMat &measurement, const GOpaque< bool > &haveMeasurement, const cv::gapi::KalmanParams &kfParams) |
| |
| GMat | KalmanFilter (const GMat &measurement, const GOpaque< bool > &haveMeasurement, const GMat &control, const cv::gapi::KalmanParams &kfParams) |
| | 标准卡尔曼滤波算法 http://en.wikipedia.org/wiki/Kalman_filter。
|
| |
| template<typename... KK> |
| GKernelPackage | kernels () |
| | 创建一个包含可变模板参数中指定的内核和转换的内核包对象。
|
| |
| template<typename... FF> |
| GKernelPackage | kernels (FF &... functors) |
| |
| std::tuple< GOpaque< double >, GArray< int >, GArray< Point2f > > | kmeans (const GArray< Point2f > &data, const int K, const GArray< int > &bestLabels, const TermCriteria &criteria, const int attempts, const KmeansFlags flags) |
| |
| std::tuple< GOpaque< double >, GArray< int >, GArray< Point3f > > | kmeans (const GArray< Point3f > &data, const int K, const GArray< int > &bestLabels, const TermCriteria &criteria, const int attempts, const KmeansFlags flags) |
| |
| std::tuple< GOpaque< double >, GMat, GMat > | kmeans (const GMat &data, const int K, const GMat &bestLabels, const TermCriteria &criteria, const int attempts, const KmeansFlags flags) |
| | 查找聚类中心并将输入样本围绕聚类进行分组。
|
| |
| std::tuple< GOpaque< double >, GMat, GMat > | kmeans (const GMat &data, const int K, const TermCriteria &criteria, const int attempts, const KmeansFlags flags) |
| |
| GMat | Laplacian (const GMat &src, int ddepth, int ksize=1, double scale=1, double delta=0, int borderType=BORDER_DEFAULT) |
| | 计算图像的拉普拉斯算子。
|
| |
| GMat | LUT (const GMat &src, const Mat &lut) |
| | 对矩阵执行查找表 (LUT) 转换。
|
| |
| GMat | LUV2BGR (const GMat &src) |
| | 将图像从 LUV 颜色空间转换为 BGR 颜色空间。
|
| |
| GMat | mask (const GMat &src, const GMat &mask) |
| | 将掩码应用于矩阵。
|
| |
| GMat | max (const GMat &src1, const GMat &src2) |
| | 计算两个矩阵逐元素的最大值。
|
| |
| GScalar | mean (const GMat &src) |
| | 计算矩阵元素的平均值(均值)。
|
| |
| GMat | medianBlur (const GMat &src, int ksize) |
| | 使用中值滤波器模糊图像。
|
| |
| GMat | merge3 (const GMat &src1, const GMat &src2, const GMat &src3) |
| | 由 3 个单通道矩阵创建 1 个 3 通道矩阵。
|
| |
| GMat | merge4 (const GMat &src1, const GMat &src2, const GMat &src3, const GMat &src4) |
| | 由 4 个单通道矩阵创建 1 个 4 通道矩阵。
|
| |
| GMat | min (const GMat &src1, const GMat &src2) |
| | 计算两个矩阵逐元素的最小值。
|
| |
| GMat | morphologyEx (const GMat &src, const MorphTypes op, const Mat &kernel, const Point &anchor=Point(-1,-1), const int iterations=1, const BorderTypes borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue()) |
| | 执行高级形态学变换。
|
| |
| GMat | mul (const GMat &src1, const GMat &src2, double scale=1.0, int ddepth=-1) |
| | 计算两个矩阵逐元素的缩放乘积。
|
| |
| GMat | mulC (const GMat &src, const GScalar &multiplier, int ddepth=-1) |
| | 这是一个重载的成员函数,为方便起见而提供。它与上述函数的区别仅在于所接受的参数不同。
|
| |
| GMat | mulC (const GMat &src, double multiplier, int ddepth=-1) |
| | 矩阵乘以标量。
|
| |
| GMat | mulC (const GScalar &multiplier, const GMat &src, int ddepth=-1) |
| | 这是一个重载的成员函数,为方便起见而提供。它与上述函数的区别仅在于所接受的参数不同。
|
| |
| template<typename... Args> |
| cv::gapi::GNetPackage | networks (Args &&... args) |
| |
| GMat | normalize (const GMat &src, double alpha, double beta, int norm_type, int ddepth=-1) |
| | 归一化数组的范数或数值范围。
|
| |
| GScalar | normInf (const GMat &src) |
| | 计算矩阵的绝对无穷范数。
|
| |
| GScalar | normL1 (const GMat &src) |
| | 计算矩阵的绝对 L1 范数。
|
| |
| GScalar | normL2 (const GMat &src) |
| | 计算矩阵的绝对 L2 范数。
|
| |
| GMat | NV12toBGR (const GMat &src_y, const GMat &src_uv) |
| | 将图像从 NV12 (YUV420p) 颜色空间转换为 BGR。该函数将输入图像从 NV12 颜色空间转换为 RGB。Y、U、V 通道值的常规范围是 0 到 255。
|
| |
| GMatP | NV12toBGRp (const GMat &src_y, const GMat &src_uv) |
| | 将图像从 NV12 (YUV420p) 颜色空间转换为 BGR。该函数将输入图像从 NV12 颜色空间转换为 BGR。Y、U、V 通道值的常规范围是 0 到 255。
|
| |
| GMat | NV12toGray (const GMat &src_y, const GMat &src_uv) |
| | 将图像从 NV12 (YUV420p) 颜色空间转换为灰度。该函数将输入图像从 NV12 颜色空间转换为灰度。Y、U、V 通道值的常规范围是 0 到 255。
|
| |
| GMat | NV12toRGB (const GMat &src_y, const GMat &src_uv) |
| | 将图像从 NV12 (YUV420p) 颜色空间转换为 RGB。该函数将输入图像从 NV12 颜色空间转换为 RGB。Y、U、V 通道值的常规范围是 0 到 255。
|
| |
| GMatP | NV12toRGBp (const GMat &src_y, const GMat &src_uv) |
| | 将图像从 NV12 (YUV420p) 颜色空间转换为 RGB。该函数将输入图像从 NV12 颜色空间转换为 RGB。Y、U、V 通道值的常规范围是 0 到 255。
|
| |
| bool | operator!= (const GBackend &lhs, const GBackend &rhs) |
| |
| cv::gapi::GNetPackage & | operator+= (cv::gapi::GNetPackage &lhs, const cv::gapi::GNetPackage &rhs) |
| |
| GArray< Rect > | parseSSD (const GMat &in, const GOpaque< Size > &inSz, const float confidenceThreshold, const bool alignmentToSquare, const bool filterOutOfBounds) |
| | 解析 SSD 网络的输出。
|
| |
| std::tuple< GArray< Rect >, GArray< int > > | parseSSD (const GMat &in, const GOpaque< Size > &inSz, const float confidenceThreshold=0.5f, const int filterLabel=-1) |
| | 解析 SSD 网络的输出。
|
| |
| std::tuple< GArray< Rect >, GArray< int > > | parseYolo (const GMat &in, const GOpaque< Size > &inSz, const float confidenceThreshold=0.5f, const float nmsThreshold=0.5f, const std::vector< float > &anchors=nn::parsers::GParseYolo::defaultAnchors()) |
| | 解析 Yolo 网络的输出。
|
| |
| GMat | phase (const GMat &x, const GMat &y, bool angleInDegrees=false) |
| | 计算二维向量的旋转角度。
|
| |
| std::tuple< GMat, GMat > | polarToCart (const GMat &magnitude, const GMat &angle, bool angleInDegrees=false) |
| | 根据二维向量的幅值和角度计算其 x 和 y 坐标。
|
| |
| GMat | remap (const GMat &src, const Mat &map1, const Mat &map2, int interpolation, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar()) |
| | 对图像应用通用的几何变换。
|
| |
| GMat | resize (const GMat &src, const Size &dsize, double fx=0, double fy=0, int interpolation=INTER_LINEAR) |
| | 调整图像大小。
|
| |
| GMatP | resizeP (const GMatP &src, const Size &dsize, int interpolation=cv::INTER_LINEAR) |
| | 调整平面图像的大小。
|
| |
| GMat | RGB2Gray (const GMat &src) |
| | 将图像从 RGB 颜色空间转换为灰度图。
|
| |
| GMat | RGB2Gray (const GMat &src, float rY, float gY, float bY) |
| |
| GMat | RGB2HSV (const GMat &src) |
| | 将图像从 RGB 颜色空间转换为 HSV。该函数将输入图像从 RGB 颜色空间转换为 HSV。R、G、B 通道值的常规范围是 0 到 255。
|
| |
| GMat | RGB2I420 (const GMat &src) |
| | 将图像从 RGB 颜色空间转换为 I420 颜色空间。
|
| |
| GMat | RGB2Lab (const GMat &src) |
| | 将图像从 RGB 颜色空间转换为 Lab 颜色空间。
|
| |
| GMat | RGB2YUV (const GMat &src) |
| | 将图像从 RGB 颜色空间转换为 YUV 颜色空间。
|
| |
| GMat | RGB2YUV422 (const GMat &src) |
| | 将图像从 RGB 颜色空间转换为 YUV422。该函数将输入图像从 RGB 颜色空间转换为 YUV422。R、G、B 通道值的常规范围是 0 到 255。
|
| |
| GMat | select (const GMat &src1, const GMat &src2, const GMat &mask) |
| | 通过给定掩码从第一个或第二个输入矩阵中选择值。如果掩码矩阵的对应值为 255,该函数将输出矩阵设为第一个输入矩阵的值;如果掩码矩阵的值为 0,则设为第二个输入矩阵的值。
|
| |
| GMat | sepFilter (const GMat &src, int ddepth, const Mat &kernelX, const Mat &kernelY, const Point &anchor, const Scalar &delta, int borderType=BORDER_DEFAULT, const Scalar &borderValue=Scalar(0)) |
| | 对矩阵(图像)应用可分离的线性滤波器。
|
| |
| std::vector< char > | serialize (const cv::GCompileArgs &ca) |
| |
| std::vector< char > | serialize (const cv::GComputation &c) |
| | 将由 GComputation 表示的图序列化为字节数组。
|
| |
| std::vector< char > | serialize (const cv::GMetaArgs &ma) |
| |
| std::vector< char > | serialize (const cv::GRunArgs &ra) |
| |
| std::vector< char > | serialize (const std::vector< std::string > &vs) |
| |
| GMat | Sobel (const GMat &src, int ddepth, int dx, int dy, int ksize=3, double scale=1, double delta=0, int borderType=BORDER_DEFAULT, const Scalar &borderValue=Scalar(0)) |
| | 使用扩展 Sobel 算子计算图像的一阶、二阶、三阶或混合导数。
|
| |
| std::tuple< GMat, GMat > | SobelXY (const GMat &src, int ddepth, int order, int ksize=3, double scale=1, double delta=0, int borderType=BORDER_DEFAULT, const Scalar &borderValue=Scalar(0)) |
| | 使用扩展 Sobel 算子计算图像的一阶、二阶、三阶或混合导数。
|
| |
| std::tuple< GMat, GMat, GMat > | split3 (const GMat &src) |
| | 将 3 通道矩阵拆分为 3 个单通道矩阵。
|
| |
| std::tuple< GMat, GMat, GMat, GMat > | split4 (const GMat &src) |
| | 将 4 通道矩阵拆分为 4 个单通道矩阵。
|
| |
| GMat | sqrt (const GMat &src) |
| | 计算数组元素的平方根。
|
| |
| GMat | stereo (const GMat &left, const GMat &right, const StereoOutputFormat of=StereoOutputFormat::DEPTH_FLOAT32) |
| | 计算指定立体对的视差/深度图。该函数根据传入的 StereoOutputFormat 参数计算视差图或深度图。
|
| |
| GMat | sub (const GMat &src1, const GMat &src2, int ddepth=-1) |
| | 计算两个矩阵逐元素的差。
|
| |
| GMat | subC (const GMat &src, const GScalar &c, int ddepth=-1) |
| | 计算矩阵与给定标量逐元素的差。
|
| |
| GMat | subRC (const GScalar &c, const GMat &src, int ddepth=-1) |
| | 计算给定标量与矩阵逐元素的差。
|
| |
| GScalar | sum (const GMat &src) |
| | 计算所有矩阵元素的和。
|
| |
| std::tuple< GMat, GScalar > | threshold (const GMat &src, const GScalar &maxval, int type) |
| |
| GMat | threshold (const GMat &src, const GScalar &thresh, const GScalar &maxval, int type) |
| | 对每个矩阵元素应用固定级别的阈值。
|
| |
| GMat | transpose (const GMat &src) |
| | 矩阵转置。
|
| |
| GMat | warpAffine (const GMat &src, const Mat &M, const Size &dsize, int flags=cv::INTER_LINEAR, int borderMode=cv::BORDER_CONSTANT, const Scalar &borderValue=Scalar()) |
| | 对图像应用仿射变换。
|
| |
| GMat | warpPerspective (const GMat &src, const Mat &M, const Size &dsize, int flags=cv::INTER_LINEAR, int borderMode=cv::BORDER_CONSTANT, const Scalar &borderValue=Scalar()) |
| | 对图像应用透视变换。
|
| |
| GMat | YUV2BGR (const GMat &src) |
| | 将图像从 YUV 颜色空间转换为 BGR 颜色空间。
|
| |
| GMat | YUV2RGB (const GMat &src) |
| | 将图像从 YUV 颜色空间转换为 RGB。该函数将输入图像从 YUV 颜色空间转换为 RGB。Y、U、V 通道值的常规范围是 0 到 255。
|
| |