|
| softdouble | abs (softdouble a) |
| |
| softfloat | abs (softfloat a) |
| | 絕對值。
|
| |
| static uchar | abs (uchar a) |
| |
| static uint64 | abs (uint64 a) |
| |
| static unsigned | abs (unsigned a) |
| |
| static ushort | abs (ushort a) |
| |
| void | absdiff (InputArray src1, InputArray src2, OutputArray dst) |
| | 計算兩個陣列之間或一個數組與一個標量之間的逐元素絕對差值。
|
| |
| void | accumulate (InputArray src, InputOutputArray dst, InputArray mask=noArray()) |
| | 將影像新增到累加器影像。
|
| |
| void | accumulateProduct (InputArray src1, InputArray src2, InputOutputArray dst, InputArray mask=noArray()) |
| | 將兩個輸入影像的逐元素乘積新增到累加器影像。
|
| |
| void | accumulateSquare (InputArray src, InputOutputArray dst, InputArray mask=noArray()) |
| | 將源影像的平方新增到累加器影像。
|
| |
| void | accumulateWeighted (InputArray src, InputOutputArray dst, double alpha, InputArray mask=noArray()) |
| | 更新執行平均值。
|
| |
| template<typename T > |
| Quat< T > | acos (const Quat< T > &q) |
| |
| template<typename T > |
| Quat< T > | acosh (const Quat< T > &q) |
| |
| void | adaptiveThreshold (InputArray src, OutputArray dst, double maxValue, int adaptiveMethod, int thresholdType, int blockSize, double C) |
| | 對陣列應用自適應閾值。
|
| |
| void | add (InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray(), int dtype=-1) |
| | 計算兩個陣列或一個數組與一個標量之間的逐元素和。
|
| |
| void | addText (const Mat &img, const String &text, Point org, const QtFont &font) |
| | 在影像上繪製文字。
|
| |
| void | addText (const Mat &img, const String &text, Point org, const String &nameFont, int pointSize=-1, Scalar color=Scalar::all(0), int weight=QT_FONT_NORMAL, int style=QT_STYLE_NORMAL, int spacing=0) |
| | 在影像上繪製文字。
|
| |
| void | addWeighted (InputArray src1, double alpha, InputArray src2, double beta, double gamma, OutputArray dst, int dtype=-1) |
| | 計算兩個陣列的加權和。
|
| |
| void | AGAST (InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression, AgastFeatureDetector::DetectorType type) |
| | 使用AGAST演算法檢測角點。
|
| |
| void | AGAST (InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression=true) |
| |
| template<typename _Tp > |
| static _Tp * | alignPtr (_Tp *ptr, int n=(int) sizeof(_Tp)) |
| | 將指標對齊到指定的位元組數。
|
| |
| static size_t | alignSize (size_t sz, int n) |
| | 將緩衝區大小對齊到指定的位元組數。
|
| |
| void | applyColorMap (InputArray src, OutputArray dst, InputArray userColor) |
| | 在給定影像上應用使用者色譜圖。
|
| |
| void | applyColorMap (InputArray src, OutputArray dst, int colormap) |
| | 在給定影像上應用GNU Octave/MATLAB等效色譜圖。
|
| |
| void | approxPolyDP (InputArray curve, OutputArray approxCurve, double epsilon, bool closed) |
| | 以指定精度逼近多邊形曲線。
|
| |
| void | approxPolyN (InputArray curve, OutputArray approxCurve, int nsides, float epsilon_percentage=-1.0, bool ensure_convex=true) |
| | 以指定的精度和邊數,用凸包逼近多邊形。
|
| |
| double | arcLength (InputArray curve, bool closed) |
| | 計算輪廓周長或曲線長度。
|
| |
| void | arrowedLine (InputOutputArray img, Point pt1, Point pt2, const Scalar &color, int thickness=1, int line_type=8, int shift=0, double tipLength=0.1) |
| | 繪製從第一個點指向第二個點的箭頭線段。
|
| |
| template<typename T > |
| Quat< T > | asin (const Quat< T > &q) |
| |
| template<typename T > |
| Quat< T > | asinh (const Quat< T > &q) |
| |
| template<typename T > |
| Quat< T > | atan (const Quat< T > &q) |
| |
| template<typename T > |
| Quat< T > | atanh (const Quat< T > &q) |
| |
| void | batchDistance (InputArray src1, InputArray src2, OutputArray dist, int dtype, OutputArray nidx, int normType=NORM_L2, int K=0, InputArray mask=noArray(), int update=0, bool crosscheck=false) |
| | 樸素最近鄰查詢器
|
| |
| void | bilateralFilter (InputArray src, OutputArray dst, int d, double sigmaColor, double sigmaSpace, int borderType=BORDER_DEFAULT) |
| | 對影像應用雙邊濾波。
|
| |
| void | bitwise_and (InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray()) |
| | 計算兩個陣列的按位合取(dst = src1 & src2) 計算兩個陣列或一個數組與一個標量的逐元素按位合取。
|
| |
| void | bitwise_not (InputArray src, OutputArray dst, InputArray mask=noArray()) |
| | 反轉陣列的每個位。
|
| |
| void | bitwise_or (InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray()) |
| | 計算兩個陣列或一個數組與一個標量的逐元素按位析取。
|
| |
| void | bitwise_xor (InputArray src1, InputArray src2, OutputArray dst, InputArray mask=noArray()) |
| | 計算兩個陣列或一個數組與一個標量的逐元素按位“異或”操作。
|
| |
| void | blendLinear (InputArray src1, InputArray src2, InputArray weights1, InputArray weights2, OutputArray dst) |
| |
| void | blur (InputArray src, OutputArray dst, Size ksize, Point anchor=Point(-1,-1), int borderType=BORDER_DEFAULT) |
| | 使用歸一化盒式濾波器模糊影像。
|
| |
| int | borderInterpolate (int p, int len, int borderType) |
| | 計算外推畫素的源位置。
|
| |
| Rect | boundingRect (InputArray array) |
| | 計算點集或灰度影像非零畫素的直立邊界矩形。
|
| |
| void | boxFilter (InputArray src, OutputArray dst, int ddepth, Size ksize, Point anchor=Point(-1,-1), bool normalize=true, int borderType=BORDER_DEFAULT) |
| | 使用方框濾波器模糊影像。
|
| |
| void | boxPoints (RotatedRect box, OutputArray points) |
| | 查詢旋轉矩形的四個頂點。可用於繪製旋轉矩形。
|
| |
| void | broadcast (InputArray src, InputArray shape, OutputArray dst) |
| | 將給定的 Mat 廣播到給定形狀。
|
| |
| int | buildOpticalFlowPyramid (InputArray img, OutputArrayOfArrays pyramid, Size winSize, int maxLevel, bool withDerivatives=true, int pyrBorder=BORDER_REFLECT_101, int derivBorder=BORDER_CONSTANT, bool tryReuseInputImage=true) |
| | 構建影像金字塔,可傳遞給calcOpticalFlowPyrLK。
|
| |
| void | buildPyramid (InputArray src, OutputArrayOfArrays dst, int maxlevel, int borderType=BORDER_DEFAULT) |
| | 為影像構建高斯金字塔。
|
| |
| void | calcBackProject (const Mat *images, int nimages, const int *channels, const SparseMat &hist, OutputArray backProject, const float **ranges, double scale=1, bool uniform=true) |
| |
| void | calcBackProject (const Mat *images, int nimages, const int *channels, InputArray hist, OutputArray backProject, const float **ranges, double scale=1, bool uniform=true) |
| | 計算直方圖的反向投影。
|
| |
| void | calcBackProject (InputArrayOfArrays images, const std::vector< int > &channels, InputArray hist, OutputArray dst, const std::vector< float > &ranges, double scale) |
| |
| void | calcCovarMatrix (const Mat *samples, int nsamples, Mat &covar, Mat &mean, int flags, int ctype=6) |
| | 計算一組向量的協方差矩陣。
|
| |
| void | calcCovarMatrix (InputArray samples, OutputArray covar, InputOutputArray mean, int flags, int ctype=6) |
| |
| void | calcHist (const Mat *images, int nimages, const int *channels, InputArray mask, OutputArray hist, int dims, const int *histSize, const float **ranges, bool uniform=true, bool accumulate=false) |
| | 計算一組陣列的直方圖。
|
| |
| void | calcHist (const Mat *images, int nimages, const int *channels, InputArray mask, SparseMat &hist, int dims, const int *histSize, const float **ranges, bool uniform=true, bool accumulate=false) |
| |
| void | calcHist (InputArrayOfArrays images, const std::vector< int > &channels, InputArray hist, OutputArray hist, const std::vector< int > &histSize, const std::vector< float > &ranges, bool accumulate=false) |
| |
| void | calcOpticalFlowFarneback (InputArray prev, InputArray next, InputOutputArray flow, double pyr_scale, int levels, int winsize, int iterations, int poly_n, double poly_sigma, int flags) |
| | 使用Gunnar Farneback演算法計算稠密光流。
|
| |
| void | calcOpticalFlowPyrLK (InputArray prevImg, InputArray nextImg, InputArray prevPts, InputOutputArray nextPts, OutputArray status, OutputArray err, Size winSize=Size(21, 21), int maxLevel=3, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, 0.01), int flags=0, double minEigThreshold=1e-4) |
| | 使用帶金字塔的迭代Lucas-Kanade方法計算稀疏特徵集的光流。
|
| |
| double | calibrateCamera (InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON)) |
| |
| double | calibrateCamera (InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, OutputArray stdDeviationsIntrinsics, OutputArray stdDeviationsExtrinsics, OutputArray perViewErrors, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON)) |
| | 從校準模式的多個檢視中查詢相機內參和外參。
|
| |
| double | calibrateCameraRO (InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, int iFixedPoint, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, OutputArray newObjPoints, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON)) |
| |
| double | calibrateCameraRO (InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, int iFixedPoint, InputOutputArray cameraMatrix, InputOutputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, OutputArray newObjPoints, OutputArray stdDeviationsIntrinsics, OutputArray stdDeviationsExtrinsics, OutputArray stdDeviationsObjPoints, OutputArray perViewErrors, int flags=0, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, DBL_EPSILON)) |
| | 從校準模式的多個檢視中查詢相機內參和外參。
|
| |
| void | calibrateHandEye (InputArrayOfArrays R_gripper2base, InputArrayOfArrays t_gripper2base, InputArrayOfArrays R_target2cam, InputArrayOfArrays t_target2cam, OutputArray R_cam2gripper, OutputArray t_cam2gripper, HandEyeCalibrationMethod method=CALIB_HAND_EYE_TSAI) |
| | 計算手眼標定:\(_{}^{g}\textrm{T}_c\)。
|
| |
| void | calibrateRobotWorldHandEye (InputArrayOfArrays R_world2cam, InputArrayOfArrays t_world2cam, InputArrayOfArrays R_base2gripper, InputArrayOfArrays t_base2gripper, OutputArray R_base2world, OutputArray t_base2world, OutputArray R_gripper2cam, OutputArray t_gripper2cam, RobotWorldHandEyeCalibrationMethod method=CALIB_ROBOT_WORLD_HAND_EYE_SHAH) |
| | 計算機器人-世界/手眼標定: \(_{}^{w}\textrm{T}_b\) 和 \(_{}^{c}\textrm{T}_g\)。
|
| |
| void | calibrationMatrixValues (InputArray cameraMatrix, Size imageSize, double apertureWidth, double apertureHeight, double &fovx, double &fovy, double &focalLength, Point2d &principalPoint, double &aspectRatio) |
| | 根據相機內參矩陣計算有用的相機特性。
|
| |
| RotatedRect | CamShift (InputArray probImage, Rect &window, TermCriteria criteria) |
| | 查詢物件的中心、尺寸和方向。
|
| |
| bool | can_describe (const GMetaArg &meta, const GRunArg &arg) |
| |
| bool | can_describe (const GMetaArg &meta, const GRunArgP &argp) |
| |
| bool | can_describe (const GMetaArgs &metas, const GRunArgs &args) |
| |
| void | Canny (InputArray dx, InputArray dy, OutputArray edges, double threshold1, double threshold2, bool L2gradient=false) |
| |
| void | Canny (InputArray image, OutputArray edges, double threshold1, double threshold2, int apertureSize=3, bool L2gradient=false) |
| | 使用Canny演算法[49]在影像中查詢邊緣。
|
| |
| void | cartToPolar (InputArray x, InputArray y, OutputArray magnitude, OutputArray angle, bool angleInDegrees=false) |
| | 計算二維向量的幅度和角度。
|
| |
| softfloat | cbrt (const softfloat &a) |
| | 立方根。
|
| |
| bool | checkChessboard (InputArray img, Size size) |
| |
| bool | checkHardwareSupport (int feature) |
| | 如果主機硬體支援指定特性,則返回true。
|
| |
| bool | checkRange (InputArray a, bool quiet=true, Point *pos=0, double minVal=-DBL_MAX, double maxVal=DBL_MAX) |
| | 檢查輸入陣列的每個元素是否存在無效值。
|
| |
| bool | Cholesky (double *A, size_t astep, int m, double *b, size_t bstep, int n) |
| |
| bool | Cholesky (float *A, size_t astep, int m, float *b, size_t bstep, int n) |
| |
| void | circle (InputOutputArray img, Point center, int radius, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0) |
| | 繪製一個圓。
|
| |
| bool | clipLine (Rect imgRect, Point &pt1, Point &pt2) |
| |
| bool | clipLine (Size imgSize, Point &pt1, Point &pt2) |
| | 將線條裁剪到影像矩形內。
|
| |
| bool | clipLine (Size2l imgSize, Point2l &pt1, Point2l &pt2) |
| |
| void | colorChange (InputArray src, InputArray mask, OutputArray dst, float red_mul=1.0f, float green_mul=1.0f, float blue_mul=1.0f) |
| | 給定一張原始彩色影像,可以無縫地混合該影像的兩種不同顏色版本。
|
| |
| void | compare (InputArray src1, InputArray src2, OutputArray dst, int cmpop) |
| | 對兩個陣列或一個數組與一個標量值執行逐元素比較。
|
| |
| double | compareHist (const SparseMat &H1, const SparseMat &H2, int method) |
| |
| double | compareHist (InputArray H1, InputArray H2, int method) |
| | 比較兩個直方圖。
|
| |
| template<typename... Ts> |
| GCompileArgs | compile_args (Ts &&... args) |
| | 將引數列表(引數包)封裝到編譯引數向量(cv::GCompileArg)中。
|
| |
| void | completeSymm (InputOutputArray m, bool lowerToUpper=false) |
| | 將方陣的下半部分或上半部分複製到其另一半。
|
| |
| void | composeRT (InputArray rvec1, InputArray tvec1, InputArray rvec2, InputArray tvec2, OutputArray rvec3, OutputArray tvec3, OutputArray dr3dr1=noArray(), OutputArray dr3dt1=noArray(), OutputArray dr3dr2=noArray(), OutputArray dr3dt2=noArray(), OutputArray dt3dr1=noArray(), OutputArray dt3dt1=noArray(), OutputArray dt3dr2=noArray(), OutputArray dt3dt2=noArray()) |
| | 組合兩個旋轉平移變換。
|
| |
| void | computeCorrespondEpilines (InputArray points, int whichImage, InputArray F, OutputArray lines) |
| | 對於立體影像對中的一個影像中的點,計算其在另一個影像中對應的對極線。
|
| |
| double | computeECC (InputArray templateImage, InputArray inputImage, InputArray inputMask=noArray()) |
| | 計算兩幅影像之間的增強相關係數(ECC)值[82]。
|
| |
| void | computeRecallPrecisionCurve (const std::vector< std::vector< DMatch > > &matches1to2, const std::vector< std::vector< uchar > > &correctMatches1to2Mask, std::vector< Point2f > &recallPrecisionCurve) |
| |
| int | connectedComponents (InputArray image, OutputArray labels, int connectivity, int ltype, int ccltype) |
| | 計算布林影像的連通分量標記影像
|
| |
| int | connectedComponents (InputArray image, OutputArray labels, int connectivity=8, int ltype=CV_32S) |
| |
| int | connectedComponentsWithStats (InputArray image, OutputArray labels, OutputArray stats, OutputArray centroids, int connectivity, int ltype, int ccltype) |
| | 計算布林影像的連通分量標記影像,併為每個標籤生成統計輸出
|
| |
| int | connectedComponentsWithStats (InputArray image, OutputArray labels, OutputArray stats, OutputArray centroids, int connectivity=8, int ltype=CV_32S) |
| |
| double | contourArea (InputArray contour, bool oriented=false) |
| | 計算輪廓面積。
|
| |
| void | convertFp16 (InputArray src, OutputArray dst) |
| | 將陣列轉換為半精度浮點數。
|
| |
| void | convertMaps (InputArray map1, InputArray map2, OutputArray dstmap1, OutputArray dstmap2, int dstmap1type, bool nninterpolation=false) |
| | 將影像變換對映從一種表示形式轉換為另一種。
|
| |
| void | convertPointsFromHomogeneous (InputArray src, OutputArray dst) |
| | 將點從齊次座標空間轉換為歐幾里得空間。
|
| |
| void | convertPointsHomogeneous (InputArray src, OutputArray dst) |
| | 將點轉換為齊次座標或從齊次座標轉換。
|
| |
| void | convertPointsToHomogeneous (InputArray src, OutputArray dst) |
| | 將點從歐幾里得空間轉換為齊次空間。
|
| |
| void | convertScaleAbs (InputArray src, OutputArray dst, double alpha=1, double beta=0) |
| | 縮放、計算絕對值並將結果轉換為8位。
|
| |
| void | convexHull (InputArray points, OutputArray hull, bool clockwise=false, bool returnPoints=true) |
| | 查詢點集的凸包。
|
| |
| void | convexityDefects (InputArray contour, InputArray convexhull, OutputArray convexityDefects) |
| | 查詢輪廓的凸缺陷。
|
| |
| void | copyMakeBorder (InputArray src, OutputArray dst, int top, int bottom, int left, int right, int borderType, const Scalar &value=Scalar()) |
| | 在影像周圍形成邊框。
|
| |
| void | copyTo (InputArray src, OutputArray dst, InputArray mask) |
| | 這是一個過載的成員函式,為方便起見提供(Python)。將矩陣複製到另一個矩陣。當指定操作掩碼時,如果上面所示的 Mat::create 呼叫重新分配了矩陣,則在新分配的矩陣在複製資料之前會用零初始化。
|
| |
| void | cornerEigenValsAndVecs (InputArray src, OutputArray dst, int blockSize, int ksize, int borderType=BORDER_DEFAULT) |
| | 計算影像塊的特徵值和特徵向量以進行角點檢測。
|
| |
| void | cornerHarris (InputArray src, OutputArray dst, int blockSize, int ksize, double k, int borderType=BORDER_DEFAULT) |
| | Harris角點檢測器。
|
| |
| void | cornerMinEigenVal (InputArray src, OutputArray dst, int blockSize, int ksize=3, int borderType=BORDER_DEFAULT) |
| | 計算用於角點檢測的梯度矩陣的最小特徵值。
|
| |
| void | cornerSubPix (InputArray image, InputOutputArray corners, Size winSize, Size zeroZone, TermCriteria criteria) |
| | 精煉角點位置。
|
| |
| void | correctMatches (InputArray F, InputArray points1, InputArray points2, OutputArray newPoints1, OutputArray newPoints2) |
| | 細化對應點的座標。
|
| |
| template<typename T > |
| Quat< T > | cos (const Quat< T > &q) |
| |
| softdouble | cos (const softdouble &a) |
| | 餘弦。
|
| |
| template<typename T > |
| Quat< T > | cosh (const Quat< T > &q) |
| |
| int | countNonZero (InputArray src) |
| | 計算陣列中非零元素的數量。
|
| |
| Ptr< AffineTransformer > | createAffineTransformer (bool fullAffine) |
| |
| Ptr< AlignMTB > | createAlignMTB (int max_bits=6, int exclude_range=4, bool cut=true) |
| | 建立AlignMTB物件。
|
| |
| Ptr< BackgroundSubtractorKNN > | createBackgroundSubtractorKNN (int history=500, double dist2Threshold=400.0, bool detectShadows=true) |
| | 建立KNN背景減法器。
|
| |
| Ptr< BackgroundSubtractorMOG2 > | createBackgroundSubtractorMOG2 (int history=500, double varThreshold=16, bool detectShadows=true) |
| | 建立MOG2背景減除器。
|
| |
| int | createButton (const String &bar_name, ButtonCallback on_change, void *userdata=0, int type=QT_PUSH_BUTTON, bool initial_button_state=false) |
| | 將按鈕附加到控制面板。
|
| |
| Ptr< CalibrateDebevec > | createCalibrateDebevec (int samples=70, float lambda=10.0f, bool random=false) |
| | 建立CalibrateDebevec物件。
|
| |
| Ptr< CalibrateRobertson > | createCalibrateRobertson (int max_iter=30, float threshold=0.01f) |
| | 建立CalibrateRobertson物件。
|
| |
| Ptr< HistogramCostExtractor > | createChiHistogramCostExtractor (int nDummies=25, float defaultCost=0.2f) |
| |
| Ptr< CLAHE > | createCLAHE (double clipLimit=40.0, Size tileGridSize=Size(8, 8)) |
| | 建立指向cv::CLAHE類的智慧指標並初始化它。
|
| |
| Ptr< HistogramCostExtractor > | createEMDHistogramCostExtractor (int flag=DIST_L2, int nDummies=25, float defaultCost=0.2f) |
| |
| Ptr< HistogramCostExtractor > | createEMDL1HistogramCostExtractor (int nDummies=25, float defaultCost=0.2f) |
| |
| Ptr< BaseCascadeClassifier::MaskGenerator > | createFaceDetectionMaskGenerator () |
| |
| Ptr< GeneralizedHoughBallard > | createGeneralizedHoughBallard () |
| | 建立指向cv::GeneralizedHoughBallard類的智慧指標並初始化它。
|
| |
| Ptr< GeneralizedHoughGuil > | createGeneralizedHoughGuil () |
| | 建立指向cv::GeneralizedHoughGuil類的智慧指標並初始化它。
|
| |
| void | createHanningWindow (OutputArray dst, Size winSize, int type) |
| | 此函式計算二維Hanning窗係數。
|
| |
| Ptr< HausdorffDistanceExtractor > | createHausdorffDistanceExtractor (int distanceFlag=cv::NORM_L2, float rankProp=0.6f) |
| |
| Ptr< LineSegmentDetector > | createLineSegmentDetector (int refine=LSD_REFINE_STD, double scale=0.8, double sigma_scale=0.6, double quant=2.0, double ang_th=22.5, double log_eps=0, double density_th=0.7, int n_bins=1024) |
| | 建立指向LineSegmentDetector物件的智慧指標並初始化它。
|
| |
| Ptr< MergeDebevec > | createMergeDebevec () |
| | 建立MergeDebevec物件。
|
| |
| Ptr< MergeMertens > | createMergeMertens (float contrast_weight=1.0f, float saturation_weight=1.0f, float exposure_weight=0.0f) |
| | 建立MergeMertens物件。
|
| |
| Ptr< MergeRobertson > | createMergeRobertson () |
| | 建立MergeRobertson物件。
|
| |
| Ptr< HistogramCostExtractor > | createNormHistogramCostExtractor (int flag=DIST_L2, int nDummies=25, float defaultCost=0.2f) |
| |
| Ptr< ShapeContextDistanceExtractor > | createShapeContextDistanceExtractor (int nAngularBins=12, int nRadialBins=4, float innerRadius=0.2f, float outerRadius=2, int iterations=3, const Ptr< HistogramCostExtractor > &comparer=createChiHistogramCostExtractor(), const Ptr< ShapeTransformer > &transformer=createThinPlateSplineShapeTransformer()) |
| |
| Ptr< Stitcher > | createStitcher (bool try_use_gpu=false) |
| |
| Ptr< Stitcher > | createStitcherScans (bool try_use_gpu=false) |
| |
| Ptr< ThinPlateSplineShapeTransformer > | createThinPlateSplineShapeTransformer (double regularizationParameter=0) |
| |
| Ptr< Tonemap > | createTonemap (float gamma=1.0f) |
| | 建立帶伽馬校正的簡單線性對映器。
|
| |
| Ptr< TonemapDrago > | createTonemapDrago (float gamma=1.0f, float saturation=1.0f, float bias=0.85f) |
| | 建立TonemapDrago物件。
|
| |
| Ptr< TonemapMantiuk > | createTonemapMantiuk (float gamma=1.0f, float scale=0.7f, float saturation=1.0f) |
| | 建立TonemapMantiuk物件。
|
| |
| Ptr< TonemapReinhard > | createTonemapReinhard (float gamma=1.0f, float intensity=0.0f, float light_adapt=1.0f, float color_adapt=0.0f) |
| | 建立TonemapReinhard物件。
|
| |
| int | createTrackbar (const String &trackbarname, const String &winname, int *value, int count, TrackbarCallback onChange=0, void *userdata=0) |
| | 建立滑動條並將其附加到指定視窗。
|
| |
| template<typename T > |
| Quat< T > | crossProduct (const Quat< T > &p, const Quat< T > &q) |
| |
| static double | cubeRoot (double val) |
| |
| float | cubeRoot (float val) |
| | 計算引數的立方根。
|
| |
| const std::string | currentUIFramework () |
| | 使用的HighGUI後端。
|
| |
| template<typename _Tp > |
| static void | cv2eigen (const Mat &src, Eigen::Matrix< _Tp, 1, Eigen::Dynamic > &dst) |
| |
| template<typename _Tp , int _rows, int _cols, int _options, int _maxRows, int _maxCols> |
| static void | cv2eigen (const Mat &src, Eigen::Matrix< _Tp, _rows, _cols, _options, _maxRows, _maxCols > &dst) |
| |
| template<typename _Tp > |
| static void | cv2eigen (const Mat &src, Eigen::Matrix< _Tp, Eigen::Dynamic, 1 > &dst) |
| |
| template<typename _Tp > |
| static void | cv2eigen (const Mat &src, Eigen::Matrix< _Tp, Eigen::Dynamic, Eigen::Dynamic > &dst) |
| |
| template<typename _Tp > |
| static void | cv2eigen (const Mat &src, Eigen::Matrix< _Tp, Eigen::Dynamic, Eigen::Dynamic, Eigen::RowMajor > &dst) |
| |
| template<typename _Tp , int _layout> |
| static void | cv2eigen (const Mat &src, Eigen::Tensor< _Tp, 3, _layout > &dst) |
| | 將cv::Mat轉換為Eigen::Tensor。
|
| |
| template<typename _Tp , int _cols> |
| static void | cv2eigen (const Matx< _Tp, 1, _cols > &src, Eigen::Matrix< _Tp, 1, Eigen::Dynamic > &dst) |
| |
| template<typename _Tp , int _rows> |
| static void | cv2eigen (const Matx< _Tp, _rows, 1 > &src, Eigen::Matrix< _Tp, Eigen::Dynamic, 1 > &dst) |
| |
| template<typename _Tp , int _rows, int _cols, int _options, int _maxRows, int _maxCols> |
| static void | cv2eigen (const Matx< _Tp, _rows, _cols > &src, Eigen::Matrix< _Tp, _rows, _cols, _options, _maxRows, _maxCols > &dst) |
| |
| template<typename _Tp , int _rows, int _cols> |
| static void | cv2eigen (const Matx< _Tp, _rows, _cols > &src, Eigen::Matrix< _Tp, Eigen::Dynamic, Eigen::Dynamic > &dst) |
| |
| template<typename _Tp , int _rows, int _cols> |
| static void | cv2eigen (const Matx< _Tp, _rows, _cols > &src, Eigen::Matrix< _Tp, Eigen::Dynamic, Eigen::Dynamic, Eigen::RowMajor > &dst) |
| |
| template<typename _Tp > |
| static Eigen::TensorMap< Eigen::Tensor< _Tp, 3, Eigen::RowMajor > > | cv2eigen_tensormap (InputArray src) |
| | 將cv::Mat資料對映到Eigen::TensorMap。
|
| |
| template<typename _Tp > |
| _Tp | cv_abs (_Tp x) |
| |
| int | cv_abs (schar x) |
| |
| int | cv_abs (short x) |
| |
| int | cv_abs (uchar x) |
| |
| int | cv_abs (ushort x) |
| |
| void | cvtColor (InputArray src, OutputArray dst, int code, int dstCn=0, AlgorithmHint hint=cv::ALGO_HINT_DEFAULT) |
| | 將影像從一個顏色空間轉換為另一個顏色空間。
|
| |
| void | cvtColorTwoPlane (InputArray src1, InputArray src2, OutputArray dst, int code, AlgorithmHint hint=cv::ALGO_HINT_DEFAULT) |
| | 將影像從一個顏色空間轉換到另一個,其中源影像儲存在兩個平面中。
|
| |
| void | dct (InputArray src, OutputArray dst, int flags=0) |
| | 對一維或二維陣列執行正向或逆向離散餘弦變換。
|
| |
| void | decolor (InputArray src, OutputArray grayscale, OutputArray color_boost) |
| | 將彩色影像轉換為灰度影像。它是數位印刷、風格化黑白照片渲染以及許多單通道影像處理應用程式中的基本工具[178]。
|
| |
| void | decomposeEssentialMat (InputArray E, OutputArray R1, OutputArray R2, OutputArray t) |
| | 將本質矩陣分解為可能的旋轉和平移。
|
| |
| int | decomposeHomographyMat (InputArray H, InputArray K, OutputArrayOfArrays rotations, OutputArrayOfArrays translations, OutputArrayOfArrays normals) |
| | 將單應性矩陣分解為旋轉、平移和平面法線。
|
| |
| void | decomposeProjectionMatrix (InputArray projMatrix, OutputArray cameraMatrix, OutputArray rotMatrix, OutputArray transVect, OutputArray rotMatrixX=noArray(), OutputArray rotMatrixY=noArray(), OutputArray rotMatrixZ=noArray(), OutputArray eulerAngles=noArray()) |
| | 將投影矩陣分解為旋轉矩陣和相機內參矩陣。
|
| |
| void | demosaicing (InputArray src, OutputArray dst, int code, int dstCn=0) |
| | 所有去馬賽克過程的主函式
|
| |
| void | denoise_TVL1 (const std::vector< Mat > &observations, Mat &result, double lambda=1.0, int niters=30) |
| | 原對偶演算法是一種解決特殊型別變分問題(即,尋找一個函式以最小化某個泛函)的演算法。由於影像去噪,特別是可以看作是變分問題,因此原對偶演算法可用於執行去噪,這正是此處所實現的。
|
| |
| const char * | depthToString (int depth) |
| |
| GMatDesc | descr_of (const cv::Mat &mat) |
| |
| GScalarDesc | descr_of (const cv::Scalar &scalar) |
| |
| GMatDesc | descr_of (const cv::UMat &mat) |
| |
| GMetaArg | descr_of (const GRunArg &arg) |
| |
| GMetaArg | descr_of (const GRunArgP &argp) |
| |
| GMetaArgs | descr_of (const GRunArgs &args) |
| |
| GFrameDesc | descr_of (const MediaFrame &frame) |
| |
| GMatDesc | descr_of (const RMat &mat) |
| |
| template<typename U > |
| GArrayDesc | descr_of (const std::vector< U > &) |
| |
| template<typename U > |
| GOpaqueDesc | descr_of (const U &) |
| |
| cv::GMetaArgs | descrs_of (const std::vector< cv::Mat > &vec) |
| |
| cv::GMetaArgs | descrs_of (const std::vector< cv::UMat > &vec) |
| |
| void | destroyAllWindows () |
| | 銷燬所有HighGUI視窗。
|
| |
| void | destroyWindow (const String &winname) |
| | 銷燬指定視窗。
|
| |
| void | detailEnhance (InputArray src, OutputArray dst, float sigma_s=10, float sigma_r=0.15f) |
| | 此濾鏡可增強特定影像的細節。
|
| |
| template<typename _Tp , int m> |
| static double | determinant (const Matx< _Tp, m, m > &a) |
| |
| double | determinant (InputArray mtx) |
| | 返回方陣的浮點行列式。
|
| |
| void | dft (InputArray src, OutputArray dst, int flags=0, int nonzeroRows=0) |
| | 對一維或二維浮點陣列執行正向或逆向離散傅立葉變換。
|
| |
| void | dilate (InputArray src, OutputArray dst, InputArray kernel, Point anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue()) |
| | 使用特定的結構元素對影像進行膨脹。
|
| |
| void | displayOverlay (const String &winname, const String &text, int delayms=0) |
| | 在視窗影像上以疊加層形式顯示文字,持續指定時間。
|
| |
| void | displayStatusBar (const String &winname, const String &text, int delayms=0) |
| | 在指定時間內在視窗狀態列上顯示文字。
|
| |
| void | distanceTransform (InputArray src, OutputArray dst, int distanceType, int maskSize, int dstType=CV_32F) |
| |
| void | distanceTransform (InputArray src, OutputArray dst, OutputArray labels, int distanceType, int maskSize, int labelType=DIST_LABEL_CCOMP) |
| | 計算源影像中每個畫素到最近零畫素的距離。
|
| |
| void | divide (double scale, InputArray src2, OutputArray dst, int dtype=-1) |
| |
| void | divide (InputArray src1, InputArray src2, OutputArray dst, double scale=1, int dtype=-1) |
| | 對兩個陣列或一個標量與一個數組執行逐元素除法。
|
| |
| void | divSpectrums (InputArray a, InputArray b, OutputArray c, int flags, bool conjB=false) |
| | 執行第一個傅立葉頻譜除以第二個傅立葉頻譜的逐元素除法。
|
| |
| static int | divUp (int a, unsigned int b) |
| | 結果向上取整的整數除法。
|
| |
| static size_t | divUp (size_t a, unsigned int b) |
| |
| void | drawChessboardCorners (InputOutputArray image, Size patternSize, InputArray corners, bool patternWasFound) |
| | 渲染檢測到的棋盤角點。
|
| |
| void | drawContours (InputOutputArray image, InputArrayOfArrays contours, int contourIdx, const Scalar &color, int thickness=1, int lineType=LINE_8, InputArray hierarchy=noArray(), int maxLevel=INT_MAX, Point offset=Point()) |
| | 繪製輪廓線或填充輪廓。
|
| |
| void | drawFrameAxes (InputOutputArray image, InputArray cameraMatrix, InputArray distCoeffs, InputArray rvec, InputArray tvec, float length, int thickness=3) |
| | 根據姿態估計繪製世界/物體座標系的軸。
|
| |
| void | drawKeypoints (InputArray image, const std::vector< KeyPoint > &keypoints, InputOutputArray outImage, const Scalar &color=Scalar::all(-1), DrawMatchesFlags flags=DrawMatchesFlags::DEFAULT) |
| | 繪製關鍵點。
|
| |
| void | drawMarker (InputOutputArray img, Point position, const Scalar &color, int markerType=MARKER_CROSS, int markerSize=20, int thickness=1, int line_type=8) |
| | 在影像中的預定義位置繪製標記。
|
| |
| void | drawMatches (InputArray img1, const std::vector< KeyPoint > &keypoints1, InputArray img2, const std::vector< KeyPoint > &keypoints2, const std::vector< DMatch > &matches1to2, InputOutputArray outImg, const int matchesThickness, const Scalar &matchColor=Scalar::all(-1), const Scalar &singlePointColor=Scalar::all(-1), const std::vector< char > &matchesMask=std::vector< char >(), DrawMatchesFlags flags=DrawMatchesFlags::DEFAULT) |
| |
| void | drawMatches (InputArray img1, const std::vector< KeyPoint > &keypoints1, InputArray img2, const std::vector< KeyPoint > &keypoints2, const std::vector< DMatch > &matches1to2, InputOutputArray outImg, const Scalar &matchColor=Scalar::all(-1), const Scalar &singlePointColor=Scalar::all(-1), const std::vector< char > &matchesMask=std::vector< char >(), DrawMatchesFlags flags=DrawMatchesFlags::DEFAULT) |
| | 繪製兩幅影像中找到的關鍵點匹配。
|
| |
| void | drawMatches (InputArray img1, const std::vector< KeyPoint > &keypoints1, InputArray img2, const std::vector< KeyPoint > &keypoints2, const std::vector< std::vector< DMatch > > &matches1to2, InputOutputArray outImg, const Scalar &matchColor=Scalar::all(-1), const Scalar &singlePointColor=Scalar::all(-1), const std::vector< std::vector< char > > &matchesMask=std::vector< std::vector< char > >(), DrawMatchesFlags flags=DrawMatchesFlags::DEFAULT) |
| |
| static void | dumpOpenCLInformation () |
| |
| void | edgePreservingFilter (InputArray src, OutputArray dst, int flags=1, float sigma_s=60, float sigma_r=0.4f) |
| | 此濾鏡增強特定影像的細節。邊緣保留平滑濾鏡應用於許多不同的應用中[101]。
|
| |
| bool | eigen (InputArray src, OutputArray eigenvalues, OutputArray eigenvectors=noArray()) |
| | 計算對稱矩陣的特徵值和特徵向量。
|
| |
| template<typename _Tp , int _rows, int _cols, int _options, int _maxRows, int _maxCols> |
| static void | eigen2cv (const Eigen::Matrix< _Tp, _rows, _cols, _options, _maxRows, _maxCols > &src, Matx< _Tp, _rows, _cols > &dst) |
| |
| template<typename _Tp , int _rows, int _cols, int _options, int _maxRows, int _maxCols> |
| static void | eigen2cv (const Eigen::Matrix< _Tp, _rows, _cols, _options, _maxRows, _maxCols > &src, OutputArray dst) |
| |
| template<typename _Tp , int _layout> |
| static void | eigen2cv (const Eigen::Tensor< _Tp, 3, _layout > &src, OutputArray dst) |
| | 將Eigen::Tensor轉換為cv::Mat。
|
| |
| void | eigenNonSymmetric (InputArray src, OutputArray eigenvalues, OutputArray eigenvectors) |
| | 計算非對稱矩陣的特徵值和特徵向量(僅限實數特徵值)。
|
| |
| void | ellipse (InputOutputArray img, const RotatedRect &box, const Scalar &color, int thickness=1, int lineType=LINE_8) |
| |
| void | ellipse (InputOutputArray img, Point center, Size axes, double angle, double startAngle, double endAngle, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0) |
| | 繪製簡單或粗橢圓弧或填充橢圓扇區。
|
| |
| void | ellipse2Poly (Point center, Size axes, int angle, int arcStart, int arcEnd, int delta, std::vector< Point > &pts) |
| | 用多邊形逼近橢圓弧。
|
| |
| void | ellipse2Poly (Point2d center, Size2d axes, int angle, int arcStart, int arcEnd, int delta, std::vector< Point2d > &pts) |
| |
| float | EMD (InputArray signature1, InputArray signature2, int distType, InputArray cost=noArray(), float *lowerBound=0, OutputArray flow=noArray()) |
| | 計算兩個加權點配置之間的“最小工作量”距離。
|
| |
| float | EMDL1 (InputArray signature1, InputArray signature2) |
| | 根據 Haibin Ling 和 Kazunori Okuda 的論文“EMD-L1: An efficient and Robust Algorithm for comparing histogram-based descriptors”以及 Elizaveta Levina 和 Peter Bickel 的論文“The Earth Mover's Distance is the Mallows Distance: Some Insights from Statistics”計算兩個加權點配置之間的“最小工作量”距離。
|
| |
| GArrayDesc | empty_array_desc () |
| |
| static GFrameDesc | empty_gframe_desc () |
| |
| static GMatDesc | empty_gmat_desc () |
| |
| GOpaqueDesc | empty_gopaque_desc () |
| |
| GScalarDesc | empty_scalar_desc () |
| |
| void | equalizeHist (InputArray src, OutputArray dst) |
| | 均衡化灰度影像的直方圖。
|
| |
| void | erode (InputArray src, OutputArray dst, InputArray kernel, Point anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue()) |
| | 使用特定的結構元素對影像進行腐蝕。
|
| |
| void | error (const Exception &exc) |
| | 發出錯誤訊號並丟擲異常。
|
| |
| void | error (int code, const String &err, const char *func, const char *file, int line) |
| | 發出錯誤訊號並丟擲異常。
|
| |
| cv::Mat | estimateAffine2D (InputArray from, InputArray to, OutputArray inliers=noArray(), int method=RANSAC, double ransacReprojThreshold=3, size_t maxIters=2000, double confidence=0.99, size_t refineIters=10) |
| | 計算兩個二維點集之間的最優仿射變換。
|
| |
| cv::Mat | estimateAffine2D (InputArray pts1, InputArray pts2, OutputArray inliers, const UsacParams ¶ms) |
| |
| cv::Mat | estimateAffine3D (InputArray src, InputArray dst, double *scale=nullptr, bool force_rotation=true) |
| | 計算兩個三維點集之間的最優仿射變換。
|
| |
| int | estimateAffine3D (InputArray src, InputArray dst, OutputArray out, OutputArray inliers, double ransacThreshold=3, double confidence=0.99) |
| | 計算兩個三維點集之間的最優仿射變換。
|
| |
| cv::Mat | estimateAffinePartial2D (InputArray from, InputArray to, OutputArray inliers=noArray(), int method=RANSAC, double ransacReprojThreshold=3, size_t maxIters=2000, double confidence=0.99, size_t refineIters=10) |
| | 計算兩個 2D 點集之間的最佳受限仿射變換,具有 4 個自由度。
|
| |
| Scalar | estimateChessboardSharpness (InputArray image, Size patternSize, InputArray corners, float rise_distance=0.8F, bool vertical=false, OutputArray sharpness=noArray()) |
| | 估計檢測到的棋盤的清晰度。
|
| |
| Mat | estimateRigidTransform (InputArray src, InputArray dst, bool fullAffine) |
| | 計算兩個二維點集之間的最優仿射變換。
|
| |
| int | estimateTranslation3D (InputArray src, InputArray dst, OutputArray out, OutputArray inliers, double ransacThreshold=3, double confidence=0.99) |
| | 計算兩個三維點集之間的最優平移。
|
| |
| void | evaluateFeatureDetector (const Mat &img1, const Mat &img2, const Mat &H1to2, std::vector< KeyPoint > *keypoints1, std::vector< KeyPoint > *keypoints2, float &repeatability, int &correspCount, const Ptr< FeatureDetector > &fdetector=Ptr< FeatureDetector >()) |
| |
| template<typename T > |
| Quat< T > | exp (const Quat< T > &q) |
| |
| softdouble | exp (const softdouble &a) |
| |
| softfloat | exp (const softfloat &a) |
| | 指數函式。
|
| |
| void | exp (InputArray src, OutputArray dst) |
| | 計算每個陣列元素的指數。
|
| |
| void | extractChannel (InputArray src, OutputArray dst, int coi) |
| | 從 src 中提取單個通道(coi 是基於 0 的索引)
|
| |
| void | FAST (InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression, FastFeatureDetector::DetectorType type) |
| | 使用 FAST 演算法檢測角點。
|
| |
| void | FAST (InputArray image, std::vector< KeyPoint > &keypoints, int threshold, bool nonmaxSuppression=true) |
| |
| float | fastAtan2 (float y, float x) |
| | 計算 2D 向量的角度(以度為單位)。
|
| |
| void | fastFree (void *ptr) |
| | 釋放記憶體緩衝區。
|
| |
| void * | fastMalloc (size_t bufSize) |
| | 分配對齊的記憶體緩衝區。
|
| |
| void | fastNlMeansDenoising (InputArray src, OutputArray dst, const std::vector< float > &h, int templateWindowSize=7, int searchWindowSize=21, int normType=NORM_L2) |
| | 使用非區域性均值去噪演算法 http://www.ipol.im/pub/algo/bcm_non_local_means_denoising/ 執行影像去噪,並進行了一些計算最佳化。預期噪聲為高斯白噪聲。
|
| |
| void | fastNlMeansDenoising (InputArray src, OutputArray dst, float h=3, int templateWindowSize=7, int searchWindowSize=21) |
| | 使用非區域性均值去噪演算法 http://www.ipol.im/pub/algo/bcm_non_local_means_denoising/ 執行影像去噪,並進行了一些計算最佳化。預期噪聲為高斯白噪聲。
|
| |
| void | fastNlMeansDenoisingColored (InputArray src, OutputArray dst, float h=3, float hColor=3, int templateWindowSize=7, int searchWindowSize=21) |
| | 彩色影像的 fastNlMeansDenoising 函式的修改版本。
|
| |
| void | fastNlMeansDenoisingColoredMulti (InputArrayOfArrays srcImgs, OutputArray dst, int imgToDenoiseIndex, int temporalWindowSize, float h=3, float hColor=3, int templateWindowSize=7, int searchWindowSize=21) |
| | 彩色影像序列的 fastNlMeansDenoisingMulti 函式的修改版本。
|
| |
| void | fastNlMeansDenoisingMulti (InputArrayOfArrays srcImgs, OutputArray dst, int imgToDenoiseIndex, int temporalWindowSize, const std::vector< float > &h, int templateWindowSize=7, int searchWindowSize=21, int normType=NORM_L2) |
| | 在短時間內連續捕獲的影像序列(例如影片)的 fastNlMeansDenoising 函式的修改版本。此函式版本適用於灰度影像或顏色空間的手動操作。更多詳情請參見 [45](開放訪問 此處)。
|
| |
| void | fastNlMeansDenoisingMulti (InputArrayOfArrays srcImgs, OutputArray dst, int imgToDenoiseIndex, int temporalWindowSize, float h=3, int templateWindowSize=7, int searchWindowSize=21) |
| | 在短時間內連續捕獲的影像序列(例如影片)的 fastNlMeansDenoising 函式的修改版本。此函式版本適用於灰度影像或顏色空間的手動操作。更多詳情請參見 [45](開放訪問 此處)。
|
| |
| void | fillConvexPoly (InputOutputArray img, const Point *pts, int npts, const Scalar &color, int lineType=LINE_8, int shift=0) |
| |
| void | fillConvexPoly (InputOutputArray img, InputArray points, const Scalar &color, int lineType=LINE_8, int shift=0) |
| | 填充凸多邊形。
|
| |
| void | fillPoly (InputOutputArray img, const Point **pts, const int *npts, int ncontours, const Scalar &color, int lineType=LINE_8, int shift=0, Point offset=Point()) |
| |
| void | fillPoly (InputOutputArray img, InputArrayOfArrays pts, const Scalar &color, int lineType=LINE_8, int shift=0, Point offset=Point()) |
| | 填充一個或多個多邊形所包圍的區域。
|
| |
| void | filter2D (InputArray src, OutputArray dst, int ddepth, InputArray kernel, Point anchor=Point(-1,-1), double delta=0, int borderType=BORDER_DEFAULT) |
| | 使用核函式對影像進行卷積。
|
| |
| void | filterHomographyDecompByVisibleRefpoints (InputArrayOfArrays rotations, InputArrayOfArrays normals, InputArray beforePoints, InputArray afterPoints, OutputArray possibleSolutions, InputArray pointsMask=noArray()) |
| | 根據附加資訊過濾單應性分解。
|
| |
| void | filterSpeckles (InputOutputArray img, double newVal, int maxSpeckleSize, double maxDiff, InputOutputArray buf=noArray()) |
| | 過濾視差圖中小的噪聲斑點。
|
| |
| bool | find4QuadCornerSubpix (InputArray img, InputOutputArray corners, Size region_size) |
| | 查詢棋盤角點的亞畫素精確位置
|
| |
| bool | findChessboardCorners (InputArray image, Size patternSize, OutputArray corners, int flags=CALIB_CB_ADAPTIVE_THRESH+CALIB_CB_NORMALIZE_IMAGE) |
| | 查詢棋盤內部角點的位置。
|
| |
| bool | findChessboardCornersSB (InputArray image, Size patternSize, OutputArray corners, int flags, OutputArray meta) |
| | 使用基於扇區的方法查詢棋盤內部角點的位置。
|
| |
| bool | findChessboardCornersSB (InputArray image, Size patternSize, OutputArray corners, int flags=0) |
| |
| bool | findCirclesGrid (InputArray image, Size patternSize, OutputArray centers, int flags, const Ptr< FeatureDetector > &blobDetector, const CirclesGridFinderParameters ¶meters) |
| | 在圓形網格中查詢中心。
|
| |
| bool | findCirclesGrid (InputArray image, Size patternSize, OutputArray centers, int flags=CALIB_CB_SYMMETRIC_GRID, const Ptr< FeatureDetector > &blobDetector=SimpleBlobDetector::create()) |
| |
| void | findContours (InputArray image, OutputArrayOfArrays contours, int mode, int method, Point offset=Point()) |
| |
| void | findContours (InputArray image, OutputArrayOfArrays contours, OutputArray hierarchy, int mode, int method, Point offset=Point()) |
| | 在二值影像中查詢輪廓。
|
| |
| void | findContoursLinkRuns (InputArray image, OutputArrayOfArrays contours) |
| | 這是為方便而提供的過載成員函式。它與上述函式的唯一區別在於它接受的引數。
|
| |
| void | findContoursLinkRuns (InputArray image, OutputArrayOfArrays contours, OutputArray hierarchy) |
| | 使用連結執行演算法查詢輪廓。
|
| |
| Mat | findEssentialMat (InputArray points1, InputArray points2, double focal, Point2d pp, int method, double prob, double threshold, OutputArray mask) |
| |
| Mat | findEssentialMat (InputArray points1, InputArray points2, double focal=1.0, Point2d pp=Point2d(0, 0), int method=RANSAC, double prob=0.999, double threshold=1.0, int maxIters=1000, OutputArray mask=noArray()) |
| |
| Mat | findEssentialMat (InputArray points1, InputArray points2, InputArray cameraMatrix, int method, double prob, double threshold, OutputArray mask) |
| |
| Mat | findEssentialMat (InputArray points1, InputArray points2, InputArray cameraMatrix, int method=RANSAC, double prob=0.999, double threshold=1.0, int maxIters=1000, OutputArray mask=noArray()) |
| | 從兩幅影像中的對應點計算基本矩陣。
|
| |
| Mat | findEssentialMat (InputArray points1, InputArray points2, InputArray cameraMatrix1, InputArray cameraMatrix2, InputArray dist_coeff1, InputArray dist_coeff2, OutputArray mask, const UsacParams ¶ms) |
| |
| Mat | findEssentialMat (InputArray points1, InputArray points2, InputArray cameraMatrix1, InputArray distCoeffs1, InputArray cameraMatrix2, InputArray distCoeffs2, int method=RANSAC, double prob=0.999, double threshold=1.0, OutputArray mask=noArray()) |
| | 從可能來自兩個不同相機的兩幅影像中的對應點計算基本矩陣。
|
| |
| Mat | findFundamentalMat (InputArray points1, InputArray points2, int method, double ransacReprojThreshold, double confidence, int maxIters, OutputArray mask=noArray()) |
| | 從兩幅影像中的對應點計算基礎矩陣。
|
| |
| Mat | findFundamentalMat (InputArray points1, InputArray points2, int method=FM_RANSAC, double ransacReprojThreshold=3., double confidence=0.99, OutputArray mask=noArray()) |
| |
| Mat | findFundamentalMat (InputArray points1, InputArray points2, OutputArray mask, const UsacParams ¶ms) |
| |
| Mat | findFundamentalMat (InputArray points1, InputArray points2, OutputArray mask, int method=FM_RANSAC, double ransacReprojThreshold=3., double confidence=0.99) |
| |
| Mat | findHomography (InputArray srcPoints, InputArray dstPoints, int method=0, double ransacReprojThreshold=3, OutputArray mask=noArray(), const int maxIters=2000, const double confidence=0.995) |
| | 在兩個平面之間找到透視變換。
|
| |
| Mat | findHomography (InputArray srcPoints, InputArray dstPoints, OutputArray mask, const UsacParams ¶ms) |
| |
| Mat | findHomography (InputArray srcPoints, InputArray dstPoints, OutputArray mask, int method=0, double ransacReprojThreshold=3) |
| |
| void | findNonZero (InputArray src, OutputArray idx) |
| | 返回非零畫素的位置列表。
|
| |
| double | findTransformECC (InputArray templateImage, InputArray inputImage, InputOutputArray warpMatrix, int motionType, TermCriteria criteria, InputArray inputMask, int gaussFiltSize) |
| | 根據 ECC 準則 [82] 查詢兩幅影像之間的幾何變換(扭曲)。
|
| |
| double | findTransformECC (InputArray templateImage, InputArray inputImage, InputOutputArray warpMatrix, int motionType=MOTION_AFFINE, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 50, 0.001), InputArray inputMask=noArray()) |
| |
| RotatedRect | fitEllipse (InputArray points) |
| | 圍繞一組 2D 點擬合橢圓。
|
| |
| RotatedRect | fitEllipseAMS (InputArray points) |
| | 圍繞一組 2D 點擬合橢圓。
|
| |
| RotatedRect | fitEllipseDirect (InputArray points) |
| | 圍繞一組 2D 點擬合橢圓。
|
| |
| void | fitLine (InputArray points, OutputArray line, int distType, double param, double reps, double aeps) |
| | 將直線擬合到 2D 或 3D 點集。
|
| |
| void | flip (InputArray src, OutputArray dst, int flipCode) |
| | 沿垂直、水平或兩個軸翻轉 2D 陣列。
|
| |
| void | flipND (InputArray src, OutputArray dst, int axis) |
| | 沿給定軸翻轉 N 維陣列。
|
| |
| int | floodFill (InputOutputArray image, InputOutputArray mask, Point seedPoint, Scalar newVal, Rect *rect=0, Scalar loDiff=Scalar(), Scalar upDiff=Scalar(), int flags=4) |
| | 用給定顏色填充連通分量。
|
| |
| int | floodFill (InputOutputArray image, Point seedPoint, Scalar newVal, Rect *rect=0, Scalar loDiff=Scalar(), Scalar upDiff=Scalar(), int flags=4) |
| |
| QtFont | fontQt (const String &nameFont, int pointSize=-1, Scalar color=Scalar::all(0), int weight=QT_FONT_NORMAL, int style=QT_STYLE_NORMAL, int spacing=0) |
| | 建立用於在影像上繪製文字的字型。
|
| |
| String | format (const char *fmt,...) |
| | 返回使用 printf 風格表示式格式化的文字字串。
|
| |
| void | GaussianBlur (InputArray src, OutputArray dst, Size ksize, double sigmaX, double sigmaY=0, int borderType=BORDER_DEFAULT, AlgorithmHint hint=cv::ALGO_HINT_DEFAULT) |
| | 使用高斯濾波器模糊影像。
|
| |
| void | gemm (InputArray src1, InputArray src2, double alpha, InputArray src3, double beta, OutputArray dst, int flags=0) |
| | 執行廣義矩陣乘法。
|
| |
| Mat | getAffineTransform (const Point2f src[], const Point2f dst[]) |
| | 從三對對應點計算仿射變換。
|
| |
| Mat | getAffineTransform (InputArray src, InputArray dst) |
| |
| const String & | getBuildInformation () |
| | 返回完整的配置時 cmake 輸出。
|
| |
| void | getClosestEllipsePoints (const RotatedRect &ellipse_params, InputArray points, OutputArray closest_pts) |
| | 計算每個 2D 點到給定橢圓上最近的 2D 點。
|
| |
| std::string | getCPUFeaturesLine () |
| | 返回編譯期間啟用的 CPU 功能列表。
|
| |
| int64 | getCPUTickCount () |
| | 返回 CPU 時鐘週期數。
|
| |
| AlgorithmHint | getDefaultAlgorithmHint () |
| | 返回 OpenCV 編譯期間定義的 AlgorithmHint。定義了 ALGO_HINT_DEFAULT 行為。
|
| |
| Mat | getDefaultNewCameraMatrix (InputArray cameraMatrix, Size imgsize=Size(), bool centerPrincipalPoint=false) |
| | 返回預設的新相機矩陣。
|
| |
| void | getDerivKernels (OutputArray kx, OutputArray ky, int dx, int dy, int ksize, bool normalize=false, int ktype=CV_32F) |
| | 返回用於計算空間影像導數的濾波器係數。
|
| |
| static size_t | getElemSize (int type) |
| |
| double | getFontScaleFromHeight (const int fontFace, const int pixelHeight, const int thickness=1) |
| | 計算達到給定畫素高度所需的字型特定大小。
|
| |
| Mat | getGaborKernel (Size ksize, double sigma, double theta, double lambd, double gamma, double psi=CV_PI *0.5, int ktype=CV_64F) |
| | 返回 Gabor 濾波器係數。
|
| |
| Mat | getGaussianKernel (int ksize, double sigma, int ktype=CV_64F) |
| | 返回高斯濾波器係數。
|
| |
| String | getHardwareFeatureName (int feature) |
| | 按 ID 返回功能名稱。
|
| |
| int | getMouseWheelDelta (int flags) |
| | 在處理滑鼠滾輪事件 cv::EVENT_MOUSEWHEEL 和 cv::EVENT_MOUSEHWHEEL 時,獲取滑鼠滾輪移動的增量。
|
| |
| int | getNearestPoint (const std::vector< Point2f > &recallPrecisionCurve, float l_precision) |
| |
| int | getNumberOfCPUs () |
| | 返回程序可用的邏輯 CPU 數量。
|
| |
| int | getNumThreads () |
| | 返回 OpenCV 用於並行區域的執行緒數。
|
| |
| int | getOptimalDFTSize (int vecsize) |
| | 返回給定向量大小的最佳 DFT 大小。
|
| |
| Mat | getOptimalNewCameraMatrix (InputArray cameraMatrix, InputArray distCoeffs, Size imageSize, double alpha, Size newImgSize=Size(), Rect *validPixROI=0, bool centerPrincipalPoint=false) |
| | 根據自由縮放參數返回新的相機內參矩陣。
|
| |
| Mat | getPerspectiveTransform (const Point2f src[], const Point2f dst[], int solveMethod=DECOMP_LU) |
| |
| Mat | getPerspectiveTransform (InputArray src, InputArray dst, int solveMethod=DECOMP_LU) |
| | 從四對對應點計算透視變換。
|
| |
| float | getRecall (const std::vector< Point2f > &recallPrecisionCurve, float l_precision) |
| |
| void | getRectSubPix (InputArray image, Size patchSize, Point2f center, OutputArray patch, int patchType=-1) |
| | 從影像中以亞畫素精度檢索畫素矩形。
|
| |
| Mat | getRotationMatrix2D (Point2f center, double angle, double scale) |
| | 計算 2D 旋轉的仿射矩陣。
|
| |
| Matx23d | getRotationMatrix2D_ (Point2f center, double angle, double scale) |
| |
| Mat | getStructuringElement (int shape, Size ksize, Point anchor=Point(-1,-1)) |
| | 返回用於形態學操作的指定大小和形狀的結構元素。
|
| |
| Size | getTextSize (const String &text, int fontFace, double fontScale, int thickness, int *baseLine) |
| | 計算文字字串的寬度和高度。
|
| |
| int | getThreadNum () |
| | 返回當前並行區域內當前執行執行緒的索引。如果在並行區域之外呼叫,則始終返回 0。
|
| |
| int64 | getTickCount () |
| | 返回時鐘週期數。
|
| |
| double | getTickFrequency () |
| | 返回每秒的時鐘週期數。
|
| |
| int | getTrackbarPos (const String &trackbarname, const String &winname) |
| | 返回滑動條位置。
|
| |
| Rect | getValidDisparityROI (Rect roi1, Rect roi2, int minDisparity, int numberOfDisparities, int blockSize) |
| | 從校正影像的有效 ROI(由 stereoRectify 返回)計算有效視差 ROI
|
| |
| int | getVersionMajor () |
| | 返回庫主版本號。
|
| |
| int | getVersionMinor () |
| | 返回庫次版本號。
|
| |
| int | getVersionRevision () |
| | 返回庫版本的修訂欄位。
|
| |
| String | getVersionString () |
| | 返回庫版本字串。
|
| |
| Rect | getWindowImageRect (const String &winname) |
| | 提供視窗中影像的矩形區域。
|
| |
| double | getWindowProperty (const String &winname, int prop_id) |
| | 提供視窗引數。
|
| |
| template<typename... Ts> |
| GProtoInputArgs | GIn (Ts &&... ts) |
| |
| template<typename... Ts> |
| GRunArgs | gin (const Ts &... args) |
| |
| void | glob (String pattern, std::vector< String > &result, bool recursive=false) |
| | 在目錄中搜索與指定模式匹配的檔案。
|
| |
| void | goodFeaturesToTrack (InputArray image, OutputArray corners, int maxCorners, double qualityLevel, double minDistance, InputArray mask, int blockSize, int gradientSize, bool useHarrisDetector=false, double k=0.04) |
| |
| void | goodFeaturesToTrack (InputArray image, OutputArray corners, int maxCorners, double qualityLevel, double minDistance, InputArray mask, OutputArray cornersQuality, int blockSize=3, int gradientSize=3, bool useHarrisDetector=false, double k=0.04) |
| | 與上述函式相同,但還返回檢測到的角點的質量度量。
|
| |
| void | goodFeaturesToTrack (InputArray image, OutputArray corners, int maxCorners, double qualityLevel, double minDistance, InputArray mask=noArray(), int blockSize=3, bool useHarrisDetector=false, double k=0.04) |
| | 檢測影像中的強角點。
|
| |
| template<typename... Ts> |
| GProtoOutputArgs | GOut (const std::tuple< Ts... > &ts) |
| |
| template<typename... Ts> |
| GProtoOutputArgs | GOut (std::tuple< Ts... > &&ts) |
| |
| template<typename... Ts> |
| GProtoOutputArgs | GOut (Ts &&... ts) |
| |
| template<typename T , typename... Ts> |
| GOptRunArgsP | gout (optional< T > &arg, optional< Ts > &... args) |
| |
| template<typename... Ts> |
| GRunArgsP | gout (Ts &... args) |
| |
| void | grabCut (InputArray img, InputOutputArray mask, Rect rect, InputOutputArray bgdModel, InputOutputArray fgdModel, int iterCount, int mode=GC_EVAL) |
| | 執行 GrabCut 演算法。
|
| |
| void | groupRectangles (std::vector< Rect > &rectList, int groupThreshold, double eps, std::vector< int > *weights, std::vector< double > *levelWeights) |
| |
| void | groupRectangles (std::vector< Rect > &rectList, int groupThreshold, double eps=0.2) |
| | 對物件候選矩形進行分組。
|
| |
| void | groupRectangles (std::vector< Rect > &rectList, std::vector< int > &rejectLevels, std::vector< double > &levelWeights, int groupThreshold, double eps=0.2) |
| |
| void | groupRectangles (std::vector< Rect > &rectList, std::vector< int > &weights, int groupThreshold, double eps=0.2) |
| |
| void | groupRectangles_meanshift (std::vector< Rect > &rectList, std::vector< double > &foundWeights, std::vector< double > &foundScales, double detectThreshold=0.0, Size winDetSize=Size(64, 128)) |
| |
| bool | hasNonZero (InputArray src) |
| | 檢查是否存在至少一個非零陣列元素。
|
| |
| CV_EXPORTS_W bool | haveImageReader (const String &filename) |
| | 檢查 OpenCV 是否可以解碼指定的影像檔案。
|
| |
| CV_EXPORTS_W bool | haveImageWriter (const String &filename) |
| | 檢查 OpenCV 是否可以編碼指定的影像檔案或指定的副檔名。
|
| |
| bool | haveOpenVX () |
| | 檢查是否可以使用 OpenVX。
|
| |
| void | hconcat (const Mat *src, size_t nsrc, OutputArray dst) |
| | 對給定矩陣進行水平連線。
|
| |
| void | hconcat (InputArray src1, InputArray src2, OutputArray dst) |
| |
| void | hconcat (InputArrayOfArrays src, OutputArray dst) |
| |
| hfloat | hfloatFromBits (ushort w) |
| |
| void | HoughCircles (InputArray image, OutputArray circles, int method, double dp, double minDist, double param1=100, double param2=100, int minRadius=0, int maxRadius=0) |
| | 使用霍夫變換在灰度影像中查詢圓形。
|
| |
| static void | HoughCirclesWithAccumulator (InputArray image, OutputArray circles, int method, double dp, double minDist, double param1=100, double param2=100, int minRadius=0, int maxRadius=0) |
| | 使用霍夫變換在灰度影像中查詢圓形並獲取累加器。
|
| |
| void | HoughLines (InputArray image, OutputArray lines, double rho, double theta, int threshold, double srn=0, double stn=0, double min_theta=0, double max_theta=CV_PI, bool use_edgeval=false) |
| | 使用標準霍夫變換在二值影像中查詢直線。
|
| |
| void | HoughLinesP (InputArray image, OutputArray lines, double rho, double theta, int threshold, double minLineLength=0, double maxLineGap=0) |
| | 使用機率霍夫變換在二值影像中查詢線段。
|
| |
| void | HoughLinesPointSet (InputArray point, OutputArray lines, int lines_max, int threshold, double min_rho, double max_rho, double rho_step, double min_theta, double max_theta, double theta_step) |
| | 使用標準霍夫變換在一組點中查詢直線。
|
| |
| static void | HoughLinesWithAccumulator (InputArray image, OutputArray lines, double rho, double theta, int threshold, double srn=0, double stn=0, double min_theta=0, double max_theta=CV_PI, bool use_edgeval=false) |
| | 使用標準霍夫變換在二值影像中查詢直線並獲取累加器。
|
| |
| void | HuMoments (const Moments &m, OutputArray hu) |
| |
| void | HuMoments (const Moments &moments, double hu[7]) |
| | 計算七個 Hu 不變矩。
|
| |
| std::string | icvExtractPattern (const std::string &filename, unsigned *offset) |
| |
| void | idct (InputArray src, OutputArray dst, int flags=0) |
| | 計算一維或二維陣列的逆離散餘弦變換。
|
| |
| void | idft (InputArray src, OutputArray dst, int flags=0, int nonzeroRows=0) |
| | 計算一維或二維陣列的逆離散傅立葉變換。
|
| |
| void | illuminationChange (InputArray src, InputArray mask, OutputArray dst, float alpha=0.2f, float beta=0.4f) |
| | 透過對選區內的梯度場進行適當的非線性變換,然後用泊松求解器積分回來,可以區域性修改影像的表觀光照。
|
| |
| CV_EXPORTS_W size_t | imcount (const String &filename, int flags=IMREAD_ANYCOLOR) |
| | 返回給定檔案中的影像數量。
|
| |
| CV_EXPORTS_W Mat | imdecode (InputArray buf, int flags) |
| | 從記憶體緩衝區讀取影像。
|
| |
| CV_EXPORTS Mat | imdecode (InputArray buf, int flags, Mat *dst) |
| |
| CV_EXPORTS_W bool | imdecodeanimation (InputArray buf, CV_OUT Animation &animation, int start=0, int count=INT16_MAX) |
| | 將動畫影像緩衝區中的幀載入到 Animation 結構中。
|
| |
| CV_EXPORTS_W bool | imdecodemulti (InputArray buf, int flags, CV_OUT std::vector< Mat > &mats, const cv::Range &range=Range::all()) |
| | 從記憶體緩衝區讀取多頁影像。
|
| |
| CV_EXPORTS_W Mat | imdecodeWithMetadata (InputArray buf, CV_OUT std::vector< int > &metadataTypes, OutputArrayOfArrays metadata, int flags=IMREAD_ANYCOLOR) |
| | 從記憶體緩衝區讀取影像以及關聯的元資料。
|
| |
| CV_EXPORTS_W bool | imencode (const String &ext, InputArray img, CV_OUT std::vector< uchar > &buf, const std::vector< int > ¶ms=std::vector< int >()) |
| | 將影像編碼到記憶體緩衝區。
|
| |
| CV_EXPORTS_W bool | imencodeanimation (const String &ext, const Animation &animation, CV_OUT std::vector< uchar > &buf, const std::vector< int > ¶ms=std::vector< int >()) |
| | 將 Animation 編碼到記憶體緩衝區。
|
| |
| CV_EXPORTS_W bool | imencodemulti (const String &ext, InputArrayOfArrays imgs, CV_OUT std::vector< uchar > &buf, const std::vector< int > ¶ms=std::vector< int >()) |
| | 將影像陣列編碼到記憶體緩衝區。
|
| |
| CV_EXPORTS_W bool | imencodeWithMetadata (const String &ext, InputArray img, const std::vector< int > &metadataTypes, InputArrayOfArrays metadata, CV_OUT std::vector< uchar > &buf, const std::vector< int > ¶ms=std::vector< int >()) |
| | 將影像編碼到記憶體緩衝區。
|
| |
| CV_EXPORTS_W Mat | imread (const String &filename, int flags=IMREAD_COLOR_BGR) |
| | 從檔案載入影像。
|
| |
| CV_EXPORTS_W void | imread (const String &filename, OutputArray dst, int flags=IMREAD_COLOR_BGR) |
| | 從檔案載入影像。
|
| |
| CV_EXPORTS_W bool | imreadanimation (const String &filename, CV_OUT Animation &animation, int start=0, int count=INT16_MAX) |
| | 從動畫影像檔案載入幀到 Animation 結構中。
|
| |
| CV_EXPORTS_W bool | imreadmulti (const String &filename, CV_OUT std::vector< Mat > &mats, int flags=IMREAD_ANYCOLOR) |
| | 從檔案載入多頁影像。
|
| |
| CV_EXPORTS_W bool | imreadmulti (const String &filename, CV_OUT std::vector< Mat > &mats, int start, int count, int flags=IMREAD_ANYCOLOR) |
| | 從檔案載入多頁影像的影像。
|
| |
| CV_EXPORTS_W Mat | imreadWithMetadata (const String &filename, CV_OUT std::vector< int > &metadataTypes, OutputArrayOfArrays metadata, int flags=IMREAD_ANYCOLOR) |
| | 從檔案讀取影像及相關元資料。
|
| |
| void | imshow (const String &winname, const ogl::Texture2D &tex) |
| | 在指定視窗中顯示 OpenGL 2D 紋理。
|
| |
| void | imshow (const String &winname, InputArray mat) |
| | 在指定視窗中顯示影像。
|
| |
| CV_EXPORTS_W bool | imwrite (const String &filename, InputArray img, const std::vector< int > ¶ms=std::vector< int >()) |
| | 將影像儲存到指定檔案。
|
| |
| CV_EXPORTS_W bool | imwriteanimation (const String &filename, const Animation &animation, const std::vector< int > ¶ms=std::vector< int >()) |
| | 將 Animation 儲存到指定檔案。
|
| |
| static CV_WRAP bool | imwritemulti (const String &filename, InputArrayOfArrays img, const std::vector< int > ¶ms=std::vector< int >()) |
| | 用於繫結的多影像過載
|
| |
| CV_EXPORTS_W bool | imwriteWithMetadata (const String &filename, InputArray img, const std::vector< int > &metadataTypes, InputArrayOfArrays &metadata, const std::vector< int > ¶ms=std::vector< int >()) |
| | 將影像和元資料儲存到指定檔案。
|
| |
| Mat | initCameraMatrix2D (InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints, Size imageSize, double aspectRatio=1.0) |
| | 從 3D-2D 點對應關係中找到初始相機內參矩陣。
|
| |
| void | initInverseRectificationMap (InputArray cameraMatrix, InputArray distCoeffs, InputArray R, InputArray newCameraMatrix, const Size &size, int m1type, OutputArray map1, OutputArray map2) |
| | 計算投影和逆校正變換圖。本質上,這是 initUndistortRectifyMap 的逆操作,以適應投影儀(“逆相機”)在投影儀-相機對中的立體校正。
|
| |
| void | initUndistortRectifyMap (InputArray cameraMatrix, InputArray distCoeffs, InputArray R, InputArray newCameraMatrix, Size size, int m1type, OutputArray map1, OutputArray map2) |
| | 計算去畸變和校正變換圖。
|
| |
| float | initWideAngleProjMap (InputArray cameraMatrix, InputArray distCoeffs, Size imageSize, int destImageWidth, int m1type, OutputArray map1, OutputArray map2, enum UndistortTypes projType=PROJ_SPHERICAL_EQRECT, double alpha=0) |
| | 初始化用於廣角 remap 的對映
|
| |
| static float | initWideAngleProjMap (InputArray cameraMatrix, InputArray distCoeffs, Size imageSize, int destImageWidth, int m1type, OutputArray map1, OutputArray map2, int projType, double alpha=0) |
| |
| void | inpaint (InputArray src, InputArray inpaintMask, OutputArray dst, double inpaintRadius, int flags) |
| | 使用區域鄰域恢復影像中的選定區域。
|
| |
| void | inRange (InputArray src, InputArray lowerb, InputArray upperb, OutputArray dst) |
| | 檢查陣列元素是否位於其他兩個陣列的元素之間。
|
| |
| void | insertChannel (InputArray src, InputOutputArray dst, int coi) |
| | 將單個通道插入 dst(coi 是基於 0 的索引)
|
| |
| void | integral (InputArray src, OutputArray sum, int sdepth=-1) |
| |
| void | integral (InputArray src, OutputArray sum, OutputArray sqsum, int sdepth=-1, int sqdepth=-1) |
| |
| void | integral (InputArray src, OutputArray sum, OutputArray sqsum, OutputArray tilted, int sdepth=-1, int sqdepth=-1) |
| | 計算影像的積分。
|
| |
| float | intersectConvexConvex (InputArray p1, InputArray p2, OutputArray p12, bool handleNested=true) |
| | 查詢兩個凸多邊形的交點。
|
| |
| template<typename T > |
| Quat< T > | inv (const Quat< T > &q, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) |
| |
| double | invert (InputArray src, OutputArray dst, int flags=DECOMP_LU) |
| | 查詢矩陣的逆或偽逆。
|
| |
| void | invertAffineTransform (InputArray M, OutputArray iM) |
| | 反轉仿射變換。
|
| |
| template<int N, typename T > |
| static bool | isAligned (const T &data) |
| | 檢查傳入值的對齊情況。
|
| |
| template<int N> |
| static bool | isAligned (const void *p1) |
| |
| template<int N> |
| static bool | isAligned (const void *p1, const void *p2) |
| |
| template<int N> |
| static bool | isAligned (const void *p1, const void *p2, const void *p3) |
| |
| template<int N> |
| static bool | isAligned (const void *p1, const void *p2, const void *p3, const void *p4) |
| |
| bool | isContourConvex (InputArray contour) |
| | 測試輪廓的凸性。
|
| |
| double | kmeans (InputArray data, int K, InputOutputArray bestLabels, TermCriteria criteria, int attempts, int flags, OutputArray centers=noArray()) |
| | 查詢聚類中心並將輸入樣本分組到聚類周圍。
|
| |
| void | Laplacian (InputArray src, OutputArray dst, int ddepth, int ksize=1, double scale=1, double delta=0, int borderType=BORDER_DEFAULT) |
| | 計算影像的拉普拉斯運算元。
|
| |
| void | line (InputOutputArray img, Point pt1, Point pt2, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0) |
| | 繪製連線兩點的線段。
|
| |
| void | linearPolar (InputArray src, OutputArray dst, Point2f center, double maxRadius, int flags) |
| | 將影像重對映到極座標空間。
|
| |
| void | loadWindowParameters (const String &windowName) |
| | 載入指定視窗的引數。
|
| |
| template<typename T > |
| Quat< T > | log (const Quat< T > &q, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) |
| |
| softdouble | log (const softdouble &a) |
| |
| softfloat | log (const softfloat &a) |
| | 自然對數。
|
| |
| void | log (InputArray src, OutputArray dst) |
| | 計算每個陣列元素的自然對數。
|
| |
| void | logPolar (InputArray src, OutputArray dst, Point2f center, double M, int flags) |
| | 將影像重對映到半對數極座標空間。
|
| |
| int | LU (double *A, size_t astep, int m, double *b, size_t bstep, int n) |
| |
| int | LU (float *A, size_t astep, int m, float *b, size_t bstep, int n) |
| |
| void | LUT (InputArray src, InputArray lut, OutputArray dst) |
| | 對陣列執行查詢表變換。
|
| |
| void | magnitude (InputArray x, InputArray y, OutputArray magnitude) |
| | 計算二維向量的幅度。
|
| |
| double | Mahalanobis (InputArray v1, InputArray v2, InputArray icovar) |
| | 計算兩個向量之間的馬哈拉諾比斯距離。
|
| |
| template<typename T , typename... Ts> |
| RMat | make_rmat (Ts &&... args) |
| |
| template<typename _Tp , typename ... A1> |
| static Ptr< _Tp > | makePtr (const A1 &... a1) |
| |
| double | matchShapes (InputArray contour1, InputArray contour2, int method, double parameter) |
| | 比較兩個形狀。
|
| |
| void | matchTemplate (InputArray image, InputArray templ, OutputArray result, int method, InputArray mask=noArray()) |
| | 將模板與重疊影像區域進行比較。
|
| |
| void | matMulDeriv (InputArray A, InputArray B, OutputArray dABdA, OutputArray dABdB) |
| | 計算每個相乘矩陣的矩陣積的偏導數。
|
| |
| void | max (const Mat &src1, const Mat &src2, Mat &dst) |
| |
| softdouble | max (const softdouble &a, const softdouble &b) |
| |
| softfloat | max (const softfloat &a, const softfloat &b) |
| |
| void | max (const UMat &src1, const UMat &src2, UMat &dst) |
| |
| void | max (InputArray src1, InputArray src2, OutputArray dst) |
| | 計算兩個陣列或一個數組和一個標量的逐元素最大值。
|
| |
| Scalar | mean (InputArray src, InputArray mask=noArray()) |
| | 計算陣列元素的平均值(均值)。
|
| |
| int | meanShift (InputArray probImage, Rect &window, TermCriteria criteria) |
| | 在反向投影影像上查詢物件。
|
| |
| void | meanStdDev (InputArray src, OutputArray mean, OutputArray stddev, InputArray mask=noArray()) |
| |
| void | medianBlur (InputArray src, OutputArray dst, int ksize) |
| | 使用中值濾波器模糊影像。
|
| |
| void | merge (const Mat *mv, size_t count, OutputArray dst) |
| | 從多個單通道陣列建立一個多通道陣列。
|
| |
| void | merge (InputArrayOfArrays mv, OutputArray dst) |
| |
| void | min (const Mat &src1, const Mat &src2, Mat &dst) |
| |
| softdouble | min (const softdouble &a, const softdouble &b) |
| |
| softfloat | min (const softfloat &a, const softfloat &b) |
| | 最小值和最大值函式。
|
| |
| void | min (const UMat &src1, const UMat &src2, UMat &dst) |
| |
| void | min (InputArray src1, InputArray src2, OutputArray dst) |
| | 計算兩個陣列或一個數組和一個標量的逐元素最小值。
|
| |
| RotatedRect | minAreaRect (InputArray points) |
| | 查詢包含輸入二維點集的最小面積旋轉矩形。
|
| |
| void | minEnclosingCircle (InputArray points, Point2f ¢er, float &radius) |
| | 查詢包含二維點集的最小面積圓。
|
| |
| double | minEnclosingTriangle (InputArray points, OutputArray triangle) |
| | 查詢包含二維點集的最小面積三角形並返回其面積。
|
| |
| void | minMaxIdx (InputArray src, double *minVal, double *maxVal=0, int *minIdx=0, int *maxIdx=0, InputArray mask=noArray()) |
| | 查詢陣列中的全域性最小值和最大值。
|
| |
| void | minMaxLoc (const SparseMat &a, double *minVal, double *maxVal, int *minIdx=0, int *maxIdx=0) |
| |
| void | minMaxLoc (InputArray src, double *minVal, double *maxVal=0, Point *minLoc=0, Point *maxLoc=0, InputArray mask=noArray()) |
| | 查詢陣列中的全域性最小值和最大值。
|
| |
| void | mixChannels (const Mat *src, size_t nsrcs, OutputArray dst) |
| | 將指定通道從輸入陣列複製到輸出陣列的指定通道。
|
| |
| void | mixChannels (InputArrayOfArrays src, InputOutputArrayOfArrays dst, const int *fromTo, size_t npairs) |
| |
| void | mixChannels (InputArrayOfArrays src, InputOutputArrayOfArrays dst, const std::vector< int > &fromTo) |
| |
| Moments | moments (InputArray array, bool binaryImage=false) |
| | 計算多邊形或光柵化形狀的所有最高三階矩。
|
| |
| static Scalar | morphologyDefaultBorderValue () |
| | 返回用於腐蝕和膨脹的“魔術”邊界值。它會自動轉換為 Scalar::all(-DBL_MAX) 用於膨脹。
|
| |
| void | morphologyEx (InputArray src, OutputArray dst, int op, InputArray kernel, Point anchor=Point(-1,-1), int iterations=1, int borderType=BORDER_CONSTANT, const Scalar &borderValue=morphologyDefaultBorderValue()) |
| | 執行高階形態學變換。
|
| |
| void | moveWindow (const String &winname, int x, int y) |
| | 將視窗移動到指定位置。
|
| |
| softdouble | mulAdd (const softdouble &a, const softdouble &b, const softdouble &c) |
| |
| softfloat | mulAdd (const softfloat &a, const softfloat &b, const softfloat &c) |
| | 熔合乘加。
|
| |
| void | mulSpectrums (InputArray a, InputArray b, OutputArray c, int flags, bool conjB=false) |
| | 對兩個傅立葉頻譜執行逐元素相乘。
|
| |
| void | multiply (InputArray src1, InputArray src2, OutputArray dst, double scale=1, int dtype=-1) |
| | 計算兩個陣列的逐元素縮放積。
|
| |
| void | mulTransposed (InputArray src, OutputArray dst, bool aTa, InputArray delta=noArray(), double scale=1, int dtype=-1) |
| | 計算矩陣及其轉置的乘積。
|
| |
| void | namedWindow (const String &winname, int flags=WINDOW_AUTOSIZE) |
| | 建立視窗。
|
| |
| InputOutputArray | noArray () |
| | 返回一個空的 InputArray 或 OutputArray。
|
| |
| template<typename _Tp , int m, int n> |
| static double | norm (const Matx< _Tp, m, n > &M) |
| |
| template<typename _Tp , int m, int n> |
| static double | norm (const Matx< _Tp, m, n > &M, int normType) |
| |
| double | norm (const SparseMat &src, int normType) |
| |
| double | norm (InputArray src1, InputArray src2, int normType=NORM_L2, InputArray mask=noArray()) |
| | 計算絕對差範數或相對差範數。
|
| |
| double | norm (InputArray src1, int normType=NORM_L2, InputArray mask=noArray()) |
| | 計算陣列的絕對範數。
|
| |
| void | normalize (const SparseMat &src, SparseMat &dst, double alpha, int normType) |
| |
| template<typename _Tp , int cn> |
| Vec< _Tp, cn > | normalize (const Vec< _Tp, cn > &v) |
| |
| void | normalize (InputArray src, InputOutputArray dst, double alpha=1, double beta=0, int norm_type=NORM_L2, int dtype=-1, InputArray mask=noArray()) |
| | 歸一化陣列的範數或值範圍。
|
| |
| template<typename _Tp , typename _AccTp > |
| static _AccTp | normInf (const _Tp *a, const _Tp *b, int n) |
| |
| template<typename _Tp , typename _AccTp > |
| static _AccTp | normInf (const _Tp *a, int n) |
| |
| template<typename _Tp , typename _AccTp > |
| static _AccTp | normL1 (const _Tp *a, const _Tp *b, int n) |
| |
| template<typename _Tp , typename _AccTp > |
| static _AccTp | normL1 (const _Tp *a, int n) |
| |
| float | normL1 (const float *a, const float *b, int n) |
| |
| int | normL1 (const uchar *a, const uchar *b, int n) |
| |
| template<typename _Tp , typename _AccTp > |
| static _AccTp | normL2Sqr (const _Tp *a, const _Tp *b, int n) |
| |
| template<typename _Tp , typename _AccTp > |
| static _AccTp | normL2Sqr (const _Tp *a, int n) |
| |
| static float | normL2Sqr (const float *a, const float *b, int n) |
| |
| cv::GMat | operator!= (const cv::GMat &lhs, const cv::GMat &rhs) |
| |
| cv::GMat | operator!= (const cv::GMat &lhs, const cv::GScalar &rhs) |
| |
| cv::GMat | operator!= (const cv::GScalar &lhs, const cv::GMat &rhs) |
| |
| bool | operator!= (const FileNodeIterator &it1, const FileNodeIterator &it2) |
| |
| template<typename _Tp , int m, int n> |
| static bool | operator!= (const Matx< _Tp, m, n > &a, const Matx< _Tp, m, n > &b) |
| |
| cv::GMat | operator& (const cv::GMat &lhs, const cv::GMat &rhs) |
| |
| cv::GMat | operator& (const cv::GMat &lhs, const cv::GScalar &rhs) |
| |
| cv::GMat | operator& (const cv::GScalar &lhs, const cv::GMat &rhs) |
| |
| template<typename T , typename V > |
| static V | operator* (const Affine3< T > &affine, const V &vector) |
| | V 是一個包含成員欄位 x, y 和 z 的三元素向量。
|
| |
| template<typename T > |
| static Affine3< T > | operator* (const Affine3< T > &affine1, const Affine3< T > &affine2) |
| |
| static Vec3d | operator* (const Affine3d &affine, const Vec3d &vector) |
| |
| static Vec3f | operator* (const Affine3f &affine, const Vec3f &vector) |
| |
| cv::GMat | operator* (const cv::GMat &lhs, const cv::GScalar &rhs) |
| |
| cv::GMat | operator* (const cv::GMat &lhs, float rhs) |
| |
| cv::GMat | operator* (const cv::GScalar &lhs, const cv::GMat &rhs) |
| |
| template<typename _Tp , int m, int n, int l> |
| static Matx< _Tp, m, n > | operator* (const Matx< _Tp, m, l > &a, const Matx< _Tp, l, n > &b) |
| |
| template<typename _Tp , int m, int n> |
| static Vec< _Tp, m > | operator* (const Matx< _Tp, m, n > &a, const Vec< _Tp, n > &b) |
| |
| template<typename _Tp , int m, int n> |
| static Matx< _Tp, m, n > | operator* (const Matx< _Tp, m, n > &a, double alpha) |
| |
| template<typename _Tp , int m, int n> |
| static Matx< _Tp, m, n > | operator* (const Matx< _Tp, m, n > &a, float alpha) |
| |
| template<typename _Tp , int m, int n> |
| static Matx< _Tp, m, n > | operator* (const Matx< _Tp, m, n > &a, int alpha) |
| |
| template<typename T > |
| Quat< T > | operator* (const Quat< T > &, const T) |
| |
| template<typename T > |
| Quat< T > | operator* (const T, const Quat< T > &) |
| |
| template<typename _Tp > |
| Vec< _Tp, 4 > | operator* (const Vec< _Tp, 4 > &v1, const Vec< _Tp, 4 > &v2) |
| |
| template<typename _Tp , int cn> |
| static Vec< _Tp, cn > | operator* (const Vec< _Tp, cn > &a, double alpha) |
| |
| template<typename _Tp , int cn> |
| static Vec< _Tp, cn > | operator* (const Vec< _Tp, cn > &a, float alpha) |
| |
| template<typename _Tp , int cn> |
| static Vec< _Tp, cn > | operator* (const Vec< _Tp, cn > &a, int alpha) |
| |
| template<typename _Tp , int m, int n> |
| static Matx< _Tp, m, n > | operator* (double alpha, const Matx< _Tp, m, n > &a) |
| |
| template<typename _Tp , int cn> |
| static Vec< _Tp, cn > | operator* (double alpha, const Vec< _Tp, cn > &a) |
| |
| template<typename _Tp , int m, int n> |
| static Matx< _Tp, m, n > | operator* (float alpha, const Matx< _Tp, m, n > &a) |
| |
| template<typename _Tp , int cn> |
| static Vec< _Tp, cn > | operator* (float alpha, const Vec< _Tp, cn > &a) |
| |
| cv::GMat | operator* (float lhs, const cv::GMat &rhs) |
| |
| template<typename _Tp , int m, int n> |
| static Matx< _Tp, m, n > | operator* (int alpha, const Matx< _Tp, m, n > &a) |
| |
| template<typename _Tp , int cn> |
| static Vec< _Tp, cn > | operator* (int alpha, const Vec< _Tp, cn > &a) |
| |
| template<typename _Tp , int m, int n> |
| static Matx< _Tp, m, n > & | operator*= (Matx< _Tp, m, n > &a, double alpha) |
| |
| template<typename _Tp , int m, int n> |
| static Matx< _Tp, m, n > & | operator*= (Matx< _Tp, m, n > &a, float alpha) |
| |
| template<typename _Tp , int m, int n> |
| static Matx< _Tp, m, n > & | operator*= (Matx< _Tp, m, n > &a, int alpha) |
| |
| template<typename _Tp > |
| Vec< _Tp, 4 > & | operator*= (Vec< _Tp, 4 > &v1, const Vec< _Tp, 4 > &v2) |
| |
| template<typename _Tp , int cn> |
| static Vec< _Tp, cn > & | operator*= (Vec< _Tp, cn > &a, double alpha) |
| |
| template<typename _Tp , int cn> |
| static Vec< _Tp, cn > & | operator*= (Vec< _Tp, cn > &a, float alpha) |
| |
| template<typename _Tp , int cn> |
| static Vec< _Tp, cn > & | operator*= (Vec< _Tp, cn > &a, int alpha) |
| |
| cv::GMat | operator+ (const cv::GMat &lhs, const cv::GMat &rhs) |
| |
| cv::GMat | operator+ (const cv::GMat &lhs, const cv::GScalar &rhs) |
| |
| cv::GMat | operator+ (const cv::GScalar &lhs, const cv::GMat &rhs) |
| |
| template<typename _Tp , int m, int n> |
| static Matx< _Tp, m, n > | operator+ (const Matx< _Tp, m, n > &a, const Matx< _Tp, m, n > &b) |
| |
| template<typename _Tp , int cn> |
| static Vec< _Tp, cn > | operator+ (const Vec< _Tp, cn > &a, const Vec< _Tp, cn > &b) |
| |
| cv::GCompileArgs & | operator+= (cv::GCompileArgs &lhs, const cv::GCompileArgs &rhs) |
| |
| template<typename Tg > |
| cv::GIOProtoArgs< Tg > & | operator+= (cv::GIOProtoArgs< Tg > &lhs, const cv::GIOProtoArgs< Tg > &rhs) |
| |
| GRunArgs & | operator+= (GRunArgs &lhs, const GRunArgs &rhs) |
| | 此運算子允許在執行時補充輸入向量。
|
| |
| GRunArgsP & | operator+= (GRunArgsP &lhs, const GRunArgsP &rhs) |
| | 此運算子允許在執行時補充輸出向量。
|
| |
| template<typename _Tp1 , typename _Tp2 , int m, int n> |
| static Matx< _Tp1, m, n > & | operator+= (Matx< _Tp1, m, n > &a, const Matx< _Tp2, m, n > &b) |
| |
| template<typename _Tp1 , typename _Tp2 , int cn> |
| static Vec< _Tp1, cn > & | operator+= (Vec< _Tp1, cn > &a, const Vec< _Tp2, cn > &b) |
| |
| cv::GMat | operator- (const cv::GMat &lhs, const cv::GMat &rhs) |
| |
| cv::GMat | operator- (const cv::GMat &lhs, const cv::GScalar &rhs) |
| |
| cv::GMat | operator- (const cv::GScalar &lhs, const cv::GMat &rhs) |
| |
| static ptrdiff_t | operator- (const FileNodeIterator &it1, const FileNodeIterator &it2) |
| |
| template<typename _Tp , int m, int n> |
| static Matx< _Tp, m, n > | operator- (const Matx< _Tp, m, n > &a) |
| |
| template<typename _Tp , int m, int n> |
| static Matx< _Tp, m, n > | operator- (const Matx< _Tp, m, n > &a, const Matx< _Tp, m, n > &b) |
| |
| template<typename _Tp , int cn> |
| static Vec< _Tp, cn > | operator- (const Vec< _Tp, cn > &a) |
| |
| template<typename _Tp , int cn> |
| static Vec< _Tp, cn > | operator- (const Vec< _Tp, cn > &a, const Vec< _Tp, cn > &b) |
| |
| template<typename _Tp1 , typename _Tp2 , int m, int n> |
| static Matx< _Tp1, m, n > & | operator-= (Matx< _Tp1, m, n > &a, const Matx< _Tp2, m, n > &b) |
| |
| template<typename _Tp1 , typename _Tp2 , int cn> |
| static Vec< _Tp1, cn > & | operator-= (Vec< _Tp1, cn > &a, const Vec< _Tp2, cn > &b) |
| |
| cv::GMat | operator/ (const cv::GMat &lhs, const cv::GMat &rhs) |
| |
| cv::GMat | operator/ (const cv::GMat &lhs, const cv::GScalar &rhs) |
| |
| cv::GMat | operator/ (const cv::GScalar &lhs, const cv::GMat &rhs) |
| |
| template<typename _Tp , int m, int n> |
| static Matx< _Tp, m, n > | operator/ (const Matx< _Tp, m, n > &a, double alpha) |
| |
| template<typename _Tp , int m, int n> |
| static Matx< _Tp, m, n > | operator/ (const Matx< _Tp, m, n > &a, float alpha) |
| |
| template<typename _Tp , int cn> |
| static Vec< _Tp, cn > | operator/ (const Vec< _Tp, cn > &a, double alpha) |
| |
| template<typename _Tp , int cn> |
| static Vec< _Tp, cn > | operator/ (const Vec< _Tp, cn > &a, float alpha) |
| |
| template<typename _Tp , int cn> |
| static Vec< _Tp, cn > | operator/ (const Vec< _Tp, cn > &a, int alpha) |
| |
| template<typename _Tp , int m, int n> |
| static Matx< _Tp, m, n > & | operator/= (Matx< _Tp, m, n > &a, double alpha) |
| |
| template<typename _Tp , int m, int n> |
| static Matx< _Tp, m, n > & | operator/= (Matx< _Tp, m, n > &a, float alpha) |
| |
| template<typename _Tp , int cn> |
| static Vec< _Tp, cn > & | operator/= (Vec< _Tp, cn > &a, double alpha) |
| |
| template<typename _Tp , int cn> |
| static Vec< _Tp, cn > & | operator/= (Vec< _Tp, cn > &a, float alpha) |
| |
| template<typename _Tp , int cn> |
| static Vec< _Tp, cn > & | operator/= (Vec< _Tp, cn > &a, int alpha) |
| |
| cv::GMat | operator< (const cv::GMat &lhs, const cv::GMat &rhs) |
| |
| cv::GMat | operator< (const cv::GMat &lhs, const cv::GScalar &rhs) |
| |
| cv::GMat | operator< (const cv::GScalar &lhs, const cv::GMat &rhs) |
| |
| static bool | operator< (const FileNodeIterator &it1, const FileNodeIterator &it2) |
| |
| static FileStorage & | operator<< (FileStorage &fs, char *value) |
| | 將資料寫入檔案儲存。
|
| |
| template<typename _Tp > |
| static FileStorage & | operator<< (FileStorage &fs, const _Tp &value) |
| | 將資料寫入檔案儲存。
|
| |
| static FileStorage & | operator<< (FileStorage &fs, const char *str) |
| | 將資料寫入檔案儲存。
|
| |
| FileStorage & | operator<< (FileStorage &fs, const String &str) |
| | 將字串寫入檔案儲存。
|
| |
| template<typename _Tp > |
| std::ostream & | operator<< (std::ostream &, const DualQuat< _Tp > &) |
| |
| template<typename _Tp > |
| std::ostream & | operator<< (std::ostream &, const Quat< _Tp > &) |
| |
| template<typename S > |
| std::ostream & | operator<< (std::ostream &, const Quat< S > &) |
| |
| std::ostream & | operator<< (std::ostream &os, const cv::GArrayDesc &desc) |
| |
| std::ostream & | operator<< (std::ostream &os, const cv::GFrameDesc &desc) |
| |
| std::ostream & | operator<< (std::ostream &os, const cv::GMatDesc &desc) |
| |
| std::ostream & | operator<< (std::ostream &os, const cv::GOpaqueDesc &desc) |
| |
| std::ostream & | operator<< (std::ostream &os, const cv::GScalarDesc &desc) |
| |
| std::ostream & | operator<< (std::ostream &os, const GMetaArg &) |
| |
| static std::ostream & | operator<< (std::ostream &out, const TickMeter &tm) |
| | 輸出運算子
|
| |
| static String & | operator<< (String &out, const Mat &mtx) |
| |
| static String & | operator<< (String &out, Ptr< Formatted > fmtd) |
| |
| cv::GMat | operator<= (const cv::GMat &lhs, const cv::GMat &rhs) |
| |
| cv::GMat | operator<= (const cv::GMat &lhs, const cv::GScalar &rhs) |
| |
| cv::GMat | operator<= (const cv::GScalar &lhs, const cv::GMat &rhs) |
| |
| cv::GMat | operator== (const cv::GMat &lhs, const cv::GMat &rhs) |
| |
| cv::GMat | operator== (const cv::GMat &lhs, const cv::GScalar &rhs) |
| |
| cv::GMat | operator== (const cv::GScalar &lhs, const cv::GMat &rhs) |
| |
| bool | operator== (const FileNodeIterator &it1, const FileNodeIterator &it2) |
| |
| template<typename _Tp , int m, int n> |
| static bool | operator== (const Matx< _Tp, m, n > &a, const Matx< _Tp, m, n > &b) |
| |
| cv::GMat | operator> (const cv::GMat &lhs, const cv::GMat &rhs) |
| |
| cv::GMat | operator> (const cv::GMat &lhs, const cv::GScalar &rhs) |
| |
| cv::GMat | operator> (const cv::GScalar &lhs, const cv::GMat &rhs) |
| |
| cv::GMat | operator>= (const cv::GMat &lhs, const cv::GMat &rhs) |
| |
| cv::GMat | operator>= (const cv::GMat &lhs, const cv::GScalar &rhs) |
| |
| cv::GMat | operator>= (const cv::GScalar &lhs, const cv::GMat &rhs) |
| |
| template<typename _Tp > |
| static void | operator>> (const FileNode &n, _Tp &value) |
| | 從檔案儲存讀取資料。
|
| |
| static void | operator>> (const FileNode &n, DMatch &m) |
| | 從檔案儲存讀取 DMatch。
|
| |
| static void | operator>> (const FileNode &n, KeyPoint &kpt) |
| | 從檔案儲存讀取 KeyPoint。
|
| |
| template<typename _Tp > |
| static void | operator>> (const FileNode &n, std::vector< _Tp > &vec) |
| | 從檔案儲存讀取資料。
|
| |
| template<typename _Tp > |
| static FileNodeIterator & | operator>> (FileNodeIterator &it, _Tp &value) |
| | 從檔案儲存讀取資料。
|
| |
| template<typename _Tp > |
| static FileNodeIterator & | operator>> (FileNodeIterator &it, std::vector< _Tp > &vec) |
| | 從檔案儲存讀取資料。
|
| |
| cv::GMat | operator^ (const cv::GMat &lhs, const cv::GMat &rhs) |
| |
| cv::GMat | operator^ (const cv::GMat &lhs, const cv::GScalar &rhs) |
| |
| cv::GMat | operator^ (const cv::GScalar &lhs, const cv::GMat &rhs) |
| |
| cv::GMat | operator| (const cv::GMat &lhs, const cv::GMat &rhs) |
| |
| cv::GMat | operator| (const cv::GMat &lhs, const cv::GScalar &rhs) |
| |
| cv::GMat | operator| (const cv::GScalar &lhs, const cv::GMat &rhs) |
| |
| cv::GMat | operator~ (const cv::GMat &lhs) |
| |
| void | parallel_for_ (const Range &range, const ParallelLoopBody &body, double nstripes=-1.) |
| | 並行資料處理器。
|
| |
| static void | parallel_for_ (const Range &range, std::function< void(const Range &)> functor, double nstripes=-1.) |
| |
| template<typename _Tp , class _EqPredicate > |
| int | partition (const std::vector< _Tp > &vec, std::vector< int > &labels, _EqPredicate predicate=_EqPredicate()) |
| | 將元素集拆分為等價類。
|
| |
| void | patchNaNs (InputOutputArray a, double val=0) |
| | 將 NaN 替換為給定數字。
|
| |
| void | PCABackProject (InputArray data, InputArray mean, InputArray eigenvectors, OutputArray result) |
| |
| void | PCACompute (InputArray data, InputOutputArray mean, OutputArray eigenvectors, double retainedVariance) |
| |
| void | PCACompute (InputArray data, InputOutputArray mean, OutputArray eigenvectors, int maxComponents=0) |
| |
| void | PCACompute (InputArray data, InputOutputArray mean, OutputArray eigenvectors, OutputArray eigenvalues, double retainedVariance) |
| |
| void | PCACompute (InputArray data, InputOutputArray mean, OutputArray eigenvectors, OutputArray eigenvalues, int maxComponents=0) |
| |
| void | PCAProject (InputArray data, InputArray mean, InputArray eigenvectors, OutputArray result) |
| |
| void | pencilSketch (InputArray src, OutputArray dst1, OutputArray dst2, float sigma_s=60, float sigma_r=0.07f, float shade_factor=0.02f) |
| | 鉛筆式非真實感線條畫。
|
| |
| void | perspectiveTransform (InputArray src, OutputArray dst, InputArray m) |
| | 執行向量的透視矩陣變換。
|
| |
| void | phase (InputArray x, InputArray y, OutputArray angle, bool angleInDegrees=false) |
| | 計算二維向量的旋轉角度。
|
| |
| Point2d | phaseCorrelate (InputArray src1, InputArray src2, InputArray window=noArray(), double *response=0) |
| | 該函式用於檢測兩個影像之間發生的平移。
|
| |
| double | pointPolygonTest (InputArray contour, Point2f pt, bool measureDist) |
| | 執行點在輪廓內的測試。
|
| |
| void | polarToCart (InputArray magnitude, InputArray angle, OutputArray x, OutputArray y, bool angleInDegrees=false) |
| | 根據二維向量的幅度和角度計算其 x 和 y 座標。
|
| |
| int | pollKey () |
| | 輪詢按下的鍵。
|
| |
| void | polylines (InputOutputArray img, const Point *const *pts, const int *npts, int ncontours, bool isClosed, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0) |
| |
| void | polylines (InputOutputArray img, InputArrayOfArrays pts, bool isClosed, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0) |
| | 繪製多條多邊形曲線。
|
| |
| softdouble | pow (const softdouble &a, const softdouble &b) |
| |
| softfloat | pow (const softfloat &a, const softfloat &b) |
| | 冪運算。
|
| |
| void | pow (InputArray src, double power, OutputArray dst) |
| | 將每個陣列元素提升到指定冪。
|
| |
| template<typename T > |
| Quat< T > | power (const Quat< T > &q, const Quat< T > &p, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) |
| |
| template<typename T > |
| Quat< T > | power (const Quat< T > &q, const T x, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) |
| |
| void | preCornerDetect (InputArray src, OutputArray dst, int ksize, int borderType=BORDER_DEFAULT) |
| | 計算用於角點檢測的特徵圖。
|
| |
| void | projectPoints (InputArray objectPoints, InputArray rvec, InputArray tvec, InputArray cameraMatrix, InputArray distCoeffs, OutputArray imagePoints, OutputArray jacobian=noArray(), double aspectRatio=0) |
| | 將三維點投影到影像平面。
|
| |
| double | PSNR (InputArray src1, InputArray src2, double R=255.) |
| | 計算峰值信噪比 (PSNR) 影像質量指標。
|
| |
| void | putText (InputOutputArray img, const String &text, Point org, int fontFace, double fontScale, Scalar color, int thickness=1, int lineType=LINE_8, bool bottomLeftOrigin=false) |
| | 繪製文字字串。
|
| |
| void | pyrDown (InputArray src, OutputArray dst, const Size &dstsize=Size(), int borderType=BORDER_DEFAULT) |
| | 模糊影像並對其進行下采樣。
|
| |
| void | pyrMeanShiftFiltering (InputArray src, OutputArray dst, double sp, double sr, int maxLevel=1, TermCriteria termcrit=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5, 1)) |
| | 執行影像均值漂移分割的初始步驟。
|
| |
| void | pyrUp (InputArray src, OutputArray dst, const Size &dstsize=Size(), int borderType=BORDER_DEFAULT) |
| | 對影像進行上取樣然後進行模糊。
|
| |
| void | randn (InputOutputArray dst, InputArray mean, InputArray stddev) |
| | 用正態分佈的隨機數填充陣列。
|
| |
| void | randShuffle (InputOutputArray dst, double iterFactor=1., RNG *rng=0) |
| | 隨機打亂陣列元素。
|
| |
| void | randu (InputOutputArray dst, InputArray low, InputArray high) |
| | 生成單個均勻分佈的隨機數或隨機數陣列。
|
| |
| template<typename _Tp > |
| static _InputArray | rawIn (_Tp &v) |
| |
| template<typename _Tp > |
| static _InputOutputArray | rawInOut (_Tp &v) |
| |
| template<typename _Tp > |
| static _OutputArray | rawOut (_Tp &v) |
| |
| void | read (const FileNode &fn, optflow::GPCTree::Node &node, optflow::GPCTree::Node) |
| |
| template<typename _Tp , typename std::enable_if< std::is_enum< _Tp >::value >::type * = nullptr> |
| static void | read (const FileNode &node, _Tp &value, const _Tp &default_value=static_cast< _Tp >(0)) |
| |
| static void | read (const FileNode &node, bool &value, bool default_value) |
| |
| template<typename _Tp > |
| static void | read (const FileNode &node, Complex< _Tp > &value, const Complex< _Tp > &default_value) |
| |
| void | read (const FileNode &node, DMatch &value, const DMatch &default_value) |
| |
| void | read (const FileNode &node, double &value, double default_value) |
| |
| void | read (const FileNode &node, float &value, float default_value) |
| |
| void | read (const FileNode &node, int &value, int default_value) |
| |
| void | read (const FileNode &node, int64_t &value, int64_t default_value) |
| |
| void | read (const FileNode &node, KeyPoint &value, const KeyPoint &default_value) |
| |
| void | read (const FileNode &node, Mat &mat, const Mat &default_mat=Mat()) |
| |
| template<typename _Tp , int m, int n> |
| static void | read (const FileNode &node, Matx< _Tp, m, n > &value, const Matx< _Tp, m, n > &default_matx=Matx< _Tp, m, n >()) |
| |
| template<typename _Tp > |
| static void | read (const FileNode &node, Point3_< _Tp > &value, const Point3_< _Tp > &default_value) |
| |
| template<typename _Tp > |
| static void | read (const FileNode &node, Point_< _Tp > &value, const Point_< _Tp > &default_value) |
| |
| static void | read (const FileNode &node, Range &value, const Range &default_value) |
| |
| template<typename _Tp > |
| static void | read (const FileNode &node, Rect_< _Tp > &value, const Rect_< _Tp > &default_value) |
| |
| template<typename _Tp > |
| static void | read (const FileNode &node, Scalar_< _Tp > &value, const Scalar_< _Tp > &default_value) |
| |
| static void | read (const FileNode &node, schar &value, schar default_value) |
| |
| static void | read (const FileNode &node, short &value, short default_value) |
| |
| template<typename _Tp > |
| static void | read (const FileNode &node, Size_< _Tp > &value, const Size_< _Tp > &default_value) |
| |
| void | read (const FileNode &node, SparseMat &mat, const SparseMat &default_mat=SparseMat()) |
| |
| void | read (const FileNode &node, std::string &value, const std::string &default_value) |
| |
| template<typename _Tp > |
| static void | read (const FileNode &node, std::vector< _Tp > &vec, const std::vector< _Tp > &default_value=std::vector< _Tp >()) |
| |
| static void | read (const FileNode &node, std::vector< DMatch > &vec, const std::vector< DMatch > &default_value) |
| |
| static void | read (const FileNode &node, std::vector< KeyPoint > &vec, const std::vector< KeyPoint > &default_value) |
| |
| static void | read (const FileNode &node, uchar &value, uchar default_value) |
| |
| static void | read (const FileNode &node, ushort &value, ushort default_value) |
| |
| template<typename _Tp , int cn> |
| static void | read (const FileNode &node, Vec< _Tp, cn > &value, const Vec< _Tp, cn > &default_value) |
| |
| template<typename _Tp > |
| static void | read (FileNodeIterator &it, std::vector< _Tp > &vec, size_t maxCount=(size_t) INT_MAX) |
| |
| Mat | readOpticalFlow (const String &path) |
| | 讀取 .flo 檔案。
|
| |
| int | recoverPose (InputArray E, InputArray points1, InputArray points2, InputArray cameraMatrix, OutputArray R, OutputArray t, double distanceThresh, InputOutputArray mask=noArray(), OutputArray triangulatedPoints=noArray()) |
| |
| int | recoverPose (InputArray E, InputArray points1, InputArray points2, InputArray cameraMatrix, OutputArray R, OutputArray t, InputOutputArray mask=noArray()) |
| | 使用手性檢查,從估計的基本矩陣和兩幅影像中的對應點恢復相對相機旋轉和平移。返回透過檢查的內點數量。
|
| |
| int | recoverPose (InputArray E, InputArray points1, InputArray points2, OutputArray R, OutputArray t, double focal=1.0, Point2d pp=Point2d(0, 0), InputOutputArray mask=noArray()) |
| |
| int | recoverPose (InputArray points1, InputArray points2, InputArray cameraMatrix1, InputArray distCoeffs1, InputArray cameraMatrix2, InputArray distCoeffs2, OutputArray E, OutputArray R, OutputArray t, int method=cv::RANSAC, double prob=0.999, double threshold=1.0, InputOutputArray mask=noArray()) |
| | 使用手性檢查,從兩臺不同相機的兩幅影像中的對應點恢復相對相機旋轉和平移。返回透過檢查的內點數量。
|
| |
| void | rectangle (InputOutputArray img, Point pt1, Point pt2, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0) |
| | 繪製一個簡單、粗或填充的矩形。
|
| |
| void | rectangle (InputOutputArray img, Rect rec, const Scalar &color, int thickness=1, int lineType=LINE_8, int shift=0) |
| |
| float | rectify3Collinear (InputArray cameraMatrix1, InputArray distCoeffs1, InputArray cameraMatrix2, InputArray distCoeffs2, InputArray cameraMatrix3, InputArray distCoeffs3, InputArrayOfArrays imgpt1, InputArrayOfArrays imgpt3, Size imageSize, InputArray R12, InputArray T12, InputArray R13, InputArray T13, OutputArray R1, OutputArray R2, OutputArray R3, OutputArray P1, OutputArray P2, OutputArray P3, OutputArray Q, double alpha, Size newImgSize, Rect *roi1, Rect *roi2, int flags) |
| | 計算三頭相機的校正變換,其中所有相機頭位於同一直線上。
|
| |
| ErrorCallback | redirectError (ErrorCallback errCallback, void *userdata=0, void **prevUserdata=0) |
| | 設定新的錯誤處理程式和可選的使用者資料。
|
| |
| void | reduce (InputArray src, OutputArray dst, int dim, int rtype, int dtype=-1) |
| | 將矩陣規約(降維)為向量。
|
| |
| void | reduceArgMax (InputArray src, OutputArray dst, int axis, bool lastIndex=false) |
| | 沿給定軸查詢最大元素的索引。
|
| |
| void | reduceArgMin (InputArray src, OutputArray dst, int axis, bool lastIndex=false) |
| | 沿給定軸查詢最小元素的索引。
|
| |
| void | remap (InputArray src, OutputArray dst, InputArray map1, InputArray map2, int interpolation, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar()) |
| | 對影像應用通用幾何變換。
|
| |
| Mat | repeat (const Mat &src, int ny, int nx) |
| |
| void | repeat (InputArray src, int ny, int nx, OutputArray dst) |
| | 用輸入陣列的重複副本填充輸出陣列。
|
| |
| void | reprojectImageTo3D (InputArray disparity, OutputArray _3dImage, InputArray Q, bool handleMissingValues=false, int ddepth=-1) |
| | 將視差影像重新投影到3D空間。
|
| |
| void | resize (InputArray src, OutputArray dst, Size dsize, double fx=0, double fy=0, int interpolation=INTER_LINEAR) |
| | 調整影像大小。
|
| |
| void | resizeWindow (const String &winname, const cv::Size &size) |
| |
| void | resizeWindow (const String &winname, int width, int height) |
| | 將視窗調整到指定大小。
|
| |
| void | Rodrigues (InputArray src, OutputArray dst, OutputArray jacobian=noArray()) |
| | 將旋轉矩陣轉換為旋轉向量,反之亦然。
|
| |
| void | rotate (InputArray src, OutputArray dst, int rotateCode) |
| | 以90度的倍數旋轉2D陣列。函式 cv::rotate 以三種不同的方式之一旋轉陣列:順時針旋轉90度(`rotateCode = ROTATE_90_CLOCKWISE`)。順時針旋轉180度(`rotateCode = ROTATE_180`)。順時針旋轉270度(`rotateCode = ROTATE_90_COUNTERCLOCKWISE`)。
|
| |
| int | rotatedRectangleIntersection (const RotatedRect &rect1, const RotatedRect &rect2, OutputArray intersectingRegion) |
| | 判斷兩個旋轉矩形之間是否存在任何交集。
|
| |
| static int | roundUp (int a, unsigned int b) |
| | 將第一個值向上舍入到第二個值的最近倍數。
|
| |
| static size_t | roundUp (size_t a, unsigned int b) |
| |
| Vec3d | RQDecomp3x3 (InputArray src, OutputArray mtxR, OutputArray mtxQ, OutputArray Qx=noArray(), OutputArray Qy=noArray(), OutputArray Qz=noArray()) |
| | 計算3x3矩陣的RQ分解。
|
| |
| double | sampsonDistance (InputArray pt1, InputArray pt2, InputArray F) |
| | 計算兩點之間的Sampson距離。
|
| |
| template<typename _Tp > |
| static _Tp | saturate_cast (double v) |
| |
| template<typename _Tp > |
| static _Tp | saturate_cast (float v) |
| |
| template<typename _Tp > |
| static _Tp | saturate_cast (hfloat v) |
| |
| template<typename _Tp > |
| static _Tp | saturate_cast (int v) |
| |
| template<typename _Tp > |
| static _Tp | saturate_cast (int64 v) |
| |
| template<typename _Tp > |
| static _Tp | saturate_cast (schar v) |
| |
| template<typename _Tp > |
| static _Tp | saturate_cast (short v) |
| |
| template<typename _Tp > |
| static _Tp | saturate_cast (softdouble a) |
| |
| template<typename _Tp > |
| static _Tp | saturate_cast (softfloat a) |
| | 飽和轉換。
|
| |
| template<typename _Tp > |
| static _Tp | saturate_cast (uchar v) |
| | 用於將一種基本型別精確轉換為另一種基本型別的模板函式。
|
| |
| template<typename _Tp > |
| static _Tp | saturate_cast (uint64 v) |
| |
| template<typename _Tp > |
| static _Tp | saturate_cast (unsigned v) |
| |
| template<typename _Tp > |
| static _Tp | saturate_cast (ushort v) |
| |
| template<> |
| hfloat | saturate_cast< hfloat > (double v) |
| |
| template<> |
| hfloat | saturate_cast< hfloat > (float v) |
| |
| template<> |
| hfloat | saturate_cast< hfloat > (int v) |
| |
| template<> |
| hfloat | saturate_cast< hfloat > (int64 v) |
| |
| template<> |
| hfloat | saturate_cast< schar > (schar v) |
| |
| template<> |
| hfloat | saturate_cast< hfloat > (short v) |
| |
| template<> |
| hfloat | saturate_cast< hfloat > (uchar v) |
| |
| template<> |
| hfloat | saturate_cast< hfloat > (uint64 v) |
| |
| template<> |
| hfloat | saturate_cast< hfloat > (unsigned v) |
| |
| template<> |
| hfloat | saturate_cast< hfloat > (ushort v) |
| |
| template<> |
| int64 | saturate_cast< int64 > (uint64 v) |
| |
| template<> |
| int64_t | saturate_cast< int64_t > (softdouble a) |
| |
| template<> |
| int64_t | saturate_cast< int64_t > (softfloat a) |
| |
| template<> |
| schar | saturate_cast< schar > (double v) |
| |
| template<> |
| schar | saturate_cast< schar > (float v) |
| |
| template<> |
| schar | saturate_cast< schar > (int v) |
| |
| template<> |
| schar | saturate_cast< schar > (int64 v) |
| |
| template<> |
| schar | saturate_cast< schar > (short v) |
| |
| template<> |
| schar | saturate_cast< schar > (softdouble a) |
| |
| template<> |
| schar | saturate_cast< schar > (softfloat a) |
| |
| template<> |
| schar | saturate_cast< schar > (uchar v) |
| |
| template<> |
| schar | saturate_cast< schar > (uint64 v) |
| |
| template<> |
| schar | saturate_cast< schar > (unsigned v) |
| |
| template<> |
| schar | saturate_cast< schar > (ushort v) |
| |
| template<> |
| short | saturate_cast< short > (double v) |
| |
| template<> |
| short | saturate_cast< short > (float v) |
| |
| template<> |
| short | saturate_cast< short > (int v) |
| |
| template<> |
| short | saturate_cast< short > (int64 v) |
| |
| template<> |
| short | saturate_cast< short > (softdouble a) |
| |
| template<> |
| short | saturate_cast< short > (softfloat a) |
| |
| template<> |
| short | saturate_cast< short > (uint64 v) |
| |
| template<> |
| short | saturate_cast< short > (unsigned v) |
| |
| template<> |
| short | saturate_cast< short > (ushort v) |
| |
| template<> |
| uchar | saturate_cast< uchar > (double v) |
| |
| template<> |
| uchar | saturate_cast< uchar > (float v) |
| |
| template<> |
| uchar | saturate_cast< uchar > (int v) |
| |
| template<> |
| uchar | saturate_cast< uchar > (int64 v) |
| |
| template<> |
| uchar | saturate_cast< uchar > (schar v) |
| |
| template<> |
| uchar | saturate_cast< uchar > (short v) |
| |
| template<> |
| uchar | saturate_cast< uchar > (softdouble a) |
| |
| template<> |
| uchar | saturate_cast< uchar > (softfloat a) |
| |
| template<> |
| uchar | saturate_cast< uchar > (uint64 v) |
| |
| template<> |
| uchar | saturate_cast< uchar > (unsigned v) |
| |
| template<> |
| uchar | saturate_cast< uchar > (ushort v) |
| |
| template<> |
| uint64 | saturate_cast< uint64 > (int v) |
| |
| template<> |
| uint64 | saturate_cast< uint64 > (int64 v) |
| |
| template<> |
| uint64 | saturate_cast< uint64 > (schar v) |
| |
| template<> |
| uint64 | saturate_cast< uint64 > (short v) |
| |
| template<> |
| uint64_t | saturate_cast< uint64_t > (softdouble a) |
| |
| template<> |
| uint64_t | saturate_cast< uint64_t > (softfloat a) |
| |
| template<> |
| unsigned | saturate_cast< unsigned > (double v) |
| |
| template<> |
| unsigned | saturate_cast< unsigned > (float v) |
| |
| template<> |
| unsigned | saturate_cast< unsigned > (int v) |
| |
| template<> |
| unsigned | saturate_cast< unsigned > (int64 v) |
| |
| template<> |
| unsigned | saturate_cast< unsigned > (schar v) |
| |
| template<> |
| unsigned | saturate_cast< unsigned > (short v) |
| |
| template<> |
| unsigned | saturate_cast< unsigned > (softdouble a) |
| |
| template<> |
| unsigned | saturate_cast< unsigned > (softfloat a) |
| | 飽和轉換為無符號整數和無符號長整型。我們有意不截斷負數,以使-1變成0xffffffff等。
|
| |
| template<> |
| unsigned | saturate_cast< unsigned > (uint64 v) |
| |
| template<> |
| ushort | saturate_cast< ushort > (double v) |
| |
| template<> |
| ushort | saturate_cast< ushort > (float v) |
| |
| template<> |
| ushort | saturate_cast< ushort > (int v) |
| |
| template<> |
| ushort | saturate_cast< ushort > (int64 v) |
| |
| template<> |
| ushort | saturate_cast< ushort > (schar v) |
| |
| template<> |
| ushort | saturate_cast< ushort > (short v) |
| |
| template<> |
| ushort | saturate_cast< ushort > (softdouble a) |
| |
| template<> |
| ushort | saturate_cast< ushort > (softfloat a) |
| |
| template<> |
| ushort | saturate_cast< ushort > (uint64 v) |
| |
| template<> |
| ushort | saturate_cast< ushort > (unsigned v) |
| |
| void | saveWindowParameters (const String &windowName) |
| | 儲存指定視窗的引數。
|
| |
| void | scaleAdd (InputArray src1, double alpha, InputArray src2, OutputArray dst) |
| | 計算縮放陣列與另一個數組的和。
|
| |
| void | Scharr (InputArray src, OutputArray dst, int ddepth, int dx, int dy, double scale=1, double delta=0, int borderType=BORDER_DEFAULT) |
| | 使用Scharr運算元計算影像的X或Y方向一階導數。
|
| |
| void | seamlessClone (InputArray src, InputArray dst, InputArray mask, Point p, OutputArray blend, int flags) |
| | 執行無縫克隆,將源影像中的區域融合到目標影像中。此函式專為區域性影像編輯而設計,允許將受區域限制(手動選擇為ROI)的更改輕鬆無縫地應用。這些更改可以從輕微的扭曲到被新內容完全替換 [218]。
|
| |
| Rect | selectROI (const String &windowName, InputArray img, bool showCrosshair=true, bool fromCenter=false, bool printNotice=true) |
| | 允許使用者在給定影像上選擇一個ROI。
|
| |
| Rect | selectROI (InputArray img, bool showCrosshair=true, bool fromCenter=false, bool printNotice=true) |
| |
| void | selectROIs (const String &windowName, InputArray img, std::vector< Rect > &boundingBoxes, bool showCrosshair=true, bool fromCenter=false, bool printNotice=true) |
| | 允許使用者在給定影像上選擇多個ROI。
|
| |
| void | sepFilter2D (InputArray src, OutputArray dst, int ddepth, InputArray kernelX, InputArray kernelY, Point anchor=Point(-1,-1), double delta=0, int borderType=BORDER_DEFAULT) |
| | 對影像應用可分離線性濾波器。
|
| |
| bool | setBreakOnError (bool flag) |
| | 設定/重置錯誤中斷模式。
|
| |
| void | setIdentity (InputOutputArray mtx, const Scalar &s=Scalar(1)) |
| | 初始化一個縮放的單位矩陣。
|
| |
| void | setMouseCallback (const String &winname, MouseCallback onMouse, void *userdata=0) |
| | 為指定視窗設定滑鼠處理程式。
|
| |
| void | setNumThreads (int nthreads) |
| | OpenCV 將嘗試為後續並行區域設定執行緒數。
|
| |
| void | setOpenGlContext (const String &winname) |
| | 將指定視窗設定為當前OpenGL上下文。
|
| |
| void | setOpenGlDrawCallback (const String &winname, OpenGlDrawCallback onOpenGlDraw, void *userdata=0) |
| | 設定一個回撥函式,用於在顯示影像頂部進行繪製。
|
| |
| void | setRNGSeed (int seed) |
| | 設定預設隨機數生成器的狀態。
|
| |
| void | setTrackbarMax (const String &trackbarname, const String &winname, int maxval) |
| | 設定滑動條最大位置。
|
| |
| void | setTrackbarMin (const String &trackbarname, const String &winname, int minval) |
| | 設定滑動條最小位置。
|
| |
| void | setTrackbarPos (const String &trackbarname, const String &winname, int pos) |
| | 設定滑動條位置。
|
| |
| void | setUseOpenVX (bool flag) |
| | 啟用/停用OpenVX的使用。
|
| |
| void | setUseOptimized (bool onoff) |
| | 啟用或停用最佳化程式碼。
|
| |
| void | setWindowProperty (const String &winname, int prop_id, double prop_value) |
| | 動態更改視窗引數。
|
| |
| void | setWindowTitle (const String &winname, const String &title) |
| | 更新視窗標題。
|
| |
| template<typename T > |
| Quat< T > | sin (const Quat< T > &q) |
| |
| softdouble | sin (const softdouble &a) |
| | 正弦。
|
| |
| template<typename T > |
| Quat< T > | sinh (const Quat< T > &q) |
| |
| void | Sobel (InputArray src, OutputArray dst, int ddepth, int dx, int dy, int ksize=3, double scale=1, double delta=0, int borderType=BORDER_DEFAULT) |
| | 使用擴充套件Sobel運算元計算影像的一階、二階、三階或混合導數。
|
| |
| bool | solve (InputArray src1, InputArray src2, OutputArray dst, int flags=DECOMP_LU) |
| | 求解一個或多個線性系統或最小二乘問題。
|
| |
| int | solveCubic (InputArray coeffs, OutputArray roots) |
| | 查詢三次方程的實根。
|
| |
| int | solveLP (InputArray Func, InputArray Constr, OutputArray z) |
| |
| int | solveLP (InputArray Func, InputArray Constr, OutputArray z, double constr_eps) |
| | 使用單純形演算法(Simplex Method)求解給定的(非整數)線性規劃問題。
|
| |
| int | solveP3P (InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, int flags) |
| | 根據 3 個3D-2D點對應關係查詢物體姿態 \( {}^{c}\mathbf{T}_o \) 。
|
| |
| bool | solvePnP (InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvec, OutputArray tvec, bool useExtrinsicGuess=false, int flags=SOLVEPNP_ITERATIVE) |
| | 根據3D-2D點對應關係查詢物體姿態 \( {}^{c}\mathbf{T}_o \)
|
| |
| int | solvePnPGeneric (InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, bool useExtrinsicGuess=false, SolvePnPMethod flags=SOLVEPNP_ITERATIVE, InputArray rvec=noArray(), InputArray tvec=noArray(), OutputArray reprojectionError=noArray()) |
| | 根據3D-2D點對應關係查詢物體姿態 \( {}^{c}\mathbf{T}_o \) 。
|
| |
| bool | solvePnPRansac (InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, OutputArray rvec, OutputArray tvec, bool useExtrinsicGuess=false, int iterationsCount=100, float reprojectionError=8.0, double confidence=0.99, OutputArray inliers=noArray(), int flags=SOLVEPNP_ITERATIVE) |
| | 使用RANSAC方案處理不良匹配,從而根據3D-2D點對應關係查詢物體姿態 \( {}^{c}\mathbf{T}_o \) 。
|
| |
| bool | solvePnPRansac (InputArray objectPoints, InputArray imagePoints, InputOutputArray cameraMatrix, InputArray distCoeffs, OutputArray rvec, OutputArray tvec, OutputArray inliers, const UsacParams ¶ms=UsacParams()) |
| |
| void | solvePnPRefineLM (InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, InputOutputArray rvec, InputOutputArray tvec, TermCriteria criteria=TermCriteria(TermCriteria::EPS+TermCriteria::COUNT, 20, FLT_EPSILON)) |
| | 從3D-2D點對應關係和初始解開始,最佳化姿態(將以物體座標系表示的3D點轉換為相機座標系的平移和旋轉)。
|
| |
| void | solvePnPRefineVVS (InputArray objectPoints, InputArray imagePoints, InputArray cameraMatrix, InputArray distCoeffs, InputOutputArray rvec, InputOutputArray tvec, TermCriteria criteria=TermCriteria(TermCriteria::EPS+TermCriteria::COUNT, 20, FLT_EPSILON), double VVSlambda=1) |
| | 從3D-2D點對應關係和初始解開始,最佳化姿態(將以物體座標系表示的3D點轉換為相機座標系的平移和旋轉)。
|
| |
| double | solvePoly (InputArray coeffs, OutputArray roots, int maxIters=300) |
| | 查詢多項式方程的實根或復根。
|
| |
| void | sort (InputArray src, OutputArray dst, int flags) |
| | 對矩陣的每行或每列進行排序。
|
| |
| void | sortIdx (InputArray src, OutputArray dst, int flags) |
| | 對矩陣的每行或每列進行排序。
|
| |
| void | spatialGradient (InputArray src, OutputArray dx, OutputArray dy, int ksize=3, int borderType=BORDER_DEFAULT) |
| | 使用Sobel運算元計算影像在X和Y方向上的一階導數。
|
| |
| void | split (const Mat &src, Mat *mvbegin) |
| | 將多通道陣列分割成若干單通道陣列。
|
| |
| void | split (InputArray m, OutputArrayOfArrays mv) |
| |
| void | sqrBoxFilter (InputArray src, OutputArray dst, int ddepth, Size ksize, Point anchor=Point(-1, -1), bool normalize=true, int borderType=BORDER_DEFAULT) |
| | 計算與濾波器重疊的畫素值的歸一化平方和。
|
| |
| template<typename S > |
| Quat< S > | sqrt (const Quat< S > &q, QuatAssumeType assumeUnit=QUAT_ASSUME_NOT_UNIT) |
| |
| softdouble | sqrt (const softdouble &a) |
| |
| softfloat | sqrt (const softfloat &a) |
| | 平方根。
|
| |
| void | sqrt (InputArray src, OutputArray dst) |
| | 計算陣列元素的平方根。
|
| |
| void | stackBlur (InputArray src, OutputArray dst, Size ksize) |
| | 使用stackBlur對影像進行模糊處理。
|
| |
| int | startLoop (int(*pt2Func)(int argc, char *argv[]), int argc, char *argv[]) |
| |
| int | 啟動視窗執行緒 () |
| |
| double | stereoCalibrate (InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputOutputArray cameraMatrix1, InputOutputArray distCoeffs1, InputOutputArray cameraMatrix2, InputOutputArray distCoeffs2, Size imageSize, InputOutputArray R, InputOutputArray T, OutputArray E, OutputArray F, OutputArray perViewErrors, int flags=CALIB_FIX_INTRINSIC, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, 1e-6)) |
| | 這是為方便而提供的過載成員函式。它與上述函式的唯一區別在於它接受的引數。
|
| |
| double | stereoCalibrate (InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputOutputArray cameraMatrix1, InputOutputArray distCoeffs1, InputOutputArray cameraMatrix2, InputOutputArray distCoeffs2, Size imageSize, InputOutputArray R, InputOutputArray T, OutputArray E, OutputArray F, OutputArrayOfArrays rvecs, OutputArrayOfArrays tvecs, OutputArray perViewErrors, int flags=CALIB_FIX_INTRINSIC, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, 1e-6)) |
| | 校準立體相機設定。此函式查詢兩臺相機的內參以及兩臺相機之間的外參。
|
| |
| double | stereoCalibrate (InputArrayOfArrays objectPoints, InputArrayOfArrays imagePoints1, InputArrayOfArrays imagePoints2, InputOutputArray cameraMatrix1, InputOutputArray distCoeffs1, InputOutputArray cameraMatrix2, InputOutputArray distCoeffs2, Size imageSize, OutputArray R, OutputArray T, OutputArray E, OutputArray F, int flags=CALIB_FIX_INTRINSIC, TermCriteria criteria=TermCriteria(TermCriteria::COUNT+TermCriteria::EPS, 30, 1e-6)) |
| | 這是為方便而提供的過載成員函式。它與上述函式的唯一區別在於它接受的引數。
|
| |
| void | stereoRectify (InputArray cameraMatrix1, InputArray distCoeffs1, InputArray cameraMatrix2, InputArray distCoeffs2, Size imageSize, InputArray R, InputArray T, OutputArray R1, OutputArray R2, OutputArray P1, OutputArray P2, OutputArray Q, int flags=CALIB_ZERO_DISPARITY, double alpha=-1, Size newImageSize=Size(), Rect *validPixROI1=0, Rect *validPixROI2=0) |
| | 計算已校準立體相機的每個相機頭的校正變換。
|
| |
| bool | stereoRectifyUncalibrated (InputArray points1, InputArray points2, InputArray F, Size imgSize, OutputArray H1, OutputArray H2, double threshold=5) |
| | 計算未校準立體相機的校正變換。
|
| |
| void | 停止迴圈 () |
| |
| void | stylization (InputArray src, OutputArray dst, float sigma_s=60, float sigma_r=0.45f) |
| | 風格化旨在產生具有多種非真實感效果的數字影像。邊緣感知濾波器是風格化的理想選擇,因為它們可以抽象低對比度區域,同時保留或增強高對比度特徵。
|
| |
| void | subtract (InputArray src1, InputArray src2, OutputArray dst, noArray(), int dtype=-1) |
| | 計算兩個陣列或陣列與一個標量之間的逐元素差值。
|
| |
| Scalar | sum (InputArray src) |
| | 計算陣列元素的和。
|
| |
| void | SVBackSubst (InputArray w, InputArray u, InputArray vt, InputArray rhs, OutputArray dst) |
| |
| void | SVDecomp (InputArray src, OutputArray w, OutputArray u, OutputArray vt, int flags=0) |
| |
| void | swap (Mat &a, Mat &b) |
| | 交換兩個矩陣。
|
| |
| void | swap (UMat &a, UMat &b) |
| |
| template<typename T > |
| Quat< T > | tan (const Quat< T > &q) |
| |
| template<typename T > |
| Quat< T > | tanh (const Quat< T > &q) |
| |
| String | tempfile (const char *suffix=0) |
| | 生成一個唯一的臨時檔名。
|
| |
| void | terminate (int code, const String &err, const char *func, const char *file, int line) CV_NOEXCEPT |
| | 發出錯誤訊號並終止應用程式。
|
| |
| void | textureFlattening (InputArray src, InputArray mask, OutputArray dst, float low_threshold=30, float high_threshold=45, int kernel_size=3) |
| | 透過僅保留邊緣位置的梯度,然後在Poisson求解器中積分,可以消除選定區域的紋理,使其內容呈現平坦的方面。這裡使用Canny邊緣檢測器。
|
| |
| RNG & | theRNG () |
| | 返回預設的隨機數生成器。
|
| |
| double | threshold (InputArray src, OutputArray dst, double thresh, double maxval, int type) |
| | 對每個陣列元素應用固定級別的閾值。
|
| |
| double | thresholdWithMask (InputArray src, InputOutputArray dst, InputArray mask, double thresh, double maxval, int type) |
| | 與threshold相同,但帶有可選的掩碼。
|
| |
| template<typename T > |
| std::vector< T > | to_own (const cv::MatSize &sz) |
| |
| cv::gapi::own::Mat | to_own (Mat &&)=delete |
| |
| cv::gapi::own::Mat | to_own (Mat const &m) |
| |
| static std::string | toLowerCase (const std::string &str) |
| |
| static std::string | toUpperCase (const std::string &str) |
| |
| template<typename _Tp , int m, int n> |
| static double | trace (const Matx< _Tp, m, n > &a) |
| |
| Scalar | trace (InputArray mtx) |
| | 返回矩陣的跡。
|
| |
| void | transform (InputArray src, OutputArray dst, InputArray m) |
| | 對每個陣列元素執行矩陣變換。
|
| |
| void | transpose (InputArray src, OutputArray dst) |
| | 轉置矩陣。
|
| |
| void | transposeND (InputArray src, const std::vector< int > &order, OutputArray dst) |
| | n維矩陣的轉置。
|
| |
| void | triangulatePoints (InputArray projMatr1, InputArray projMatr2, InputArray projPoints1, InputArray projPoints2, OutputArray points4D) |
| | 此函式透過使用立體相機觀察到的3D點(在齊次座標系中)來重建它們。
|
| |
| String | typeToString (int type) |
| |
| void | undistort (InputArray src, OutputArray dst, InputArray cameraMatrix, InputArray distCoeffs, InputArray newCameraMatrix=noArray()) |
| | 變換影像以補償鏡頭畸變。
|
| |
| void | undistortImagePoints (InputArray src, OutputArray dst, InputArray cameraMatrix, InputArray distCoeffs, TermCriteria=TermCriteria(TermCriteria::MAX_ITER+TermCriteria::EPS, 5, 0.01)) |
| | 計算畸變校正後的影像點位置。
|
| |
| void | undistortPoints (InputArray src, OutputArray dst, InputArray cameraMatrix, InputArray distCoeffs, InputArray R, InputArray P, TermCriteria criteria) |
| |
| void | undistortPoints (InputArray src, OutputArray dst, InputArray cameraMatrix, InputArray distCoeffs, InputArray R=noArray(), InputArray P=noArray()) |
| | 從觀測到的點座標計算理想點座標。
|
| |
| void | updateWindow (const String &winname) |
| | 強制視窗重繪其內容並呼叫繪圖回撥(參見 cv::setOpenGlDrawCallback)。
|
| |
| bool | useOpenVX () |
| | 檢查是否啟用了OpenVX的使用。
|
| |
| bool | useOptimized () |
| | 返回最佳化程式碼的使用狀態。
|
| |
| void | v256_cleanup () |
| |
| template<typename _Tp > |
| v_reg< _Tp, simd256_width/sizeof(_Tp)> | v256_load (const _Tp *ptr) |
| | 從記憶體載入256位長度暫存器內容。
|
| |
| template<typename _Tp > |
| v_reg< _Tp, simd256_width/sizeof(_Tp)> | v256_load_aligned (const _Tp *ptr) |
| | 從記憶體載入暫存器內容(對齊)
|
| |
| template<typename _Tp > |
| v_reg< typename V_TypeTraits< _Tp >::w_type, simd256_width/sizeof(typename V_TypeTraits< _Tp >::w_type)> | v256_load_expand (const _Tp *ptr) |
| | 從記憶體載入暫存器內容並雙重擴充套件。
|
| |
| v_reg< float, simd256_width/sizeof(float)> | v256_load_expand (const hfloat *ptr) |
| |
| template<typename _Tp > |
| v_reg< typename V_TypeTraits< _Tp >::q_type, simd256_width/sizeof(typename V_TypeTraits< _Tp >::q_type)> | v256_load_expand_q (const _Tp *ptr) |
| | 從記憶體載入暫存器內容並四重擴充套件。
|
| |
| template<typename _Tp > |
| v_reg< _Tp, simd256_width/sizeof(_Tp)> | v256_load_halves (const _Tp *loptr, const _Tp *hiptr) |
| | 從兩個記憶體塊載入暫存器內容。
|
| |
| template<typename _Tp > |
| v_reg< _Tp, simd256_width/sizeof(_Tp)> | v256_load_low (const _Tp *ptr) |
| | 載入128位資料到低位部分(高位部分未定義)。
|
| |
| void | v512_cleanup () |
| |
| template<typename _Tp > |
| v_reg< _Tp, simd512_width/sizeof(_Tp)> | v512_load (const _Tp *ptr) |
| | 從記憶體載入512位長度暫存器內容。
|
| |
| template<typename _Tp > |
| v_reg< _Tp, simd512_width/sizeof(_Tp)> | v512_load_aligned (const _Tp *ptr) |
| | 從記憶體載入暫存器內容(對齊)
|
| |
| template<typename _Tp > |
| v_reg< typename V_TypeTraits< _Tp >::w_type, simd512_width/sizeof(typename V_TypeTraits< _Tp >::w_type)> | v512_load_expand (const _Tp *ptr) |
| | 從記憶體載入暫存器內容並雙重擴充套件。
|
| |
| v_reg< float, simd512_width/sizeof(float)> | v512_load_expand (const hfloat *ptr) |
| |
| template<typename _Tp > |
| v_reg< typename V_TypeTraits< _Tp >::q_type, simd512_width/sizeof(typename V_TypeTraits< _Tp >::q_type)> | v512_load_expand_q (const _Tp *ptr) |
| | 從記憶體載入暫存器內容並四重擴充套件。
|
| |
| template<typename _Tp > |
| v_reg< _Tp, simd512_width/sizeof(_Tp)> | v512_load_halves (const _Tp *loptr, const _Tp *hiptr) |
| | 從兩個記憶體塊載入暫存器內容。
|
| |
| template<typename _Tp > |
| v_reg< _Tp, simd512_width/sizeof(_Tp)> | v512_load_low (const _Tp *ptr) |
| | 載入256位資料到低位部分(高位部分未定義)。
|
| |
| template<typename _Tp , int n> |
| v_reg< typename V_TypeTraits< _Tp >::abs_type, n > | v_abs (const v_reg< _Tp, n > &a) |
| | 元素的絕對值。
|
| |
| template<typename _Tp , int n> |
| v_reg< typename V_TypeTraits< _Tp >::abs_type, n > | v_absdiff (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 絕對差。
|
| |
| template<int n> |
| v_reg< double, n > | v_absdiff (const v_reg< double, n > &a, const v_reg< double, n > &b) |
| |
| template<int n> |
| v_reg< float, n > | v_absdiff (const v_reg< float, n > &a, const v_reg< float, n > &b) |
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_absdiffs (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 飽和絕對差。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_add (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 新增值。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_add_wrap (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 無飽和新增值。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_and (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 按位與。
|
| |
| template<int i, typename _Tp , int n> |
| v_reg< _Tp, n > | v_broadcast_element (const v_reg< _Tp, n > &a) |
| | 廣播向量的第i個元素。
|
| |
| template<int n> |
| v_reg< int, n *2 > | v_ceil (const v_reg< double, n > &a) |
| |
| template<int n> |
| v_reg< int, n > | v_ceil (const v_reg< float, n > &a) |
| | 向上取整元素。
|
| |
| template<typename _Tp , int n> |
| bool | v_check_all (const v_reg< _Tp, n > &a) |
| | 檢查所有打包值是否都小於零。
|
| |
| template<typename _Tp , int n> |
| bool | v_check_any (const v_reg< _Tp, n > &a) |
| | 檢查是否有任何打包值小於零。
|
| |
| void | v_cleanup () |
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_combine_high (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 從兩個向量的最後元素組合向量。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_combine_low (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 從兩個向量的第一個元素組合向量。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_cos (const v_reg< _Tp, n > &a) |
| | 元素的餘弦 \( cos(x) \)。
|
| |
| template<int n> |
| v_reg< float, n *2 > | v_cvt_f32 (const v_reg< double, n > &a) |
| | 將下半部分轉換為浮點數。
|
| |
| template<int n> |
| v_reg< float, n *2 > | v_cvt_f32 (const v_reg< double, n > &a, const v_reg< double, n > &b) |
| | 轉換為浮點數。
|
| |
| template<int n> |
| v_reg< float, n > | v_cvt_f32 (const v_reg< int, n > &a) |
| | 轉換為浮點數。
|
| |
| template<int n> |
| v_reg< double,(n/2)> | v_cvt_f64 (const v_reg< float, n > &a) |
| | 將下半部分轉換為雙精度浮點數。
|
| |
| template<int n> |
| v_reg< double, n/2 > | v_cvt_f64 (const v_reg< int, n > &a) |
| | 將下半部分轉換為雙精度浮點數。
|
| |
| template<int n> |
| v_reg< double, n > | v_cvt_f64 (const v_reg< int64, n > &a) |
| | 轉換為雙精度浮點數。
|
| |
| template<int n> |
| v_reg< double,(n/2)> | v_cvt_f64_high (const v_reg< float, n > &a) |
| | 將向量高位部分轉換為雙精度浮點數。
|
| |
| template<int n> |
| v_reg< double,(n/2)> | v_cvt_f64_high (const v_reg< int, n > &a) |
| | 將向量高位部分轉換為雙精度浮點數。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_div (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 除法。
|
| |
| template<typename _Tp , int n> |
| v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > | v_dotprod (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 元素的點積。
|
| |
| template<typename _Tp , int n> |
| v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > | v_dotprod (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, const v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > &c) |
| | 元素的點積。
|
| |
| template<typename _Tp , int n> |
| v_reg< typename V_TypeTraits< _Tp >::q_type, n/4 > | v_dotprod_expand (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 元素的點積並擴充套件。
|
| |
| template<typename _Tp , int n> |
| v_reg< typename V_TypeTraits< _Tp >::q_type, n/4 > | v_dotprod_expand (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, const v_reg< typename V_TypeTraits< _Tp >::q_type, n/4 > &c) |
| | 元素的點積。
|
| |
| template<int n> |
| v_reg< double, n/2 > | v_dotprod_expand (const v_reg< int, n > &a, const v_reg< int, n > &b) |
| |
| template<int n> |
| v_reg< double, n/2 > | v_dotprod_expand (const v_reg< int, n > &a, const v_reg< int, n > &b, const v_reg< double, n/2 > &c) |
| |
| template<typename _Tp , int n> |
| v_reg< typename V_TypeTraits< _Tp >::q_type, n/4 > | v_dotprod_expand_fast (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 快速元素的點積並擴充套件。
|
| |
| template<typename _Tp , int n> |
| v_reg< typename V_TypeTraits< _Tp >::q_type, n/4 > | v_dotprod_expand_fast (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, const v_reg< typename V_TypeTraits< _Tp >::q_type, n/4 > &c) |
| | 快速元素的點積。
|
| |
| template<int n> |
| v_reg< double, n/2 > | v_dotprod_expand_fast (const v_reg< int, n > &a, const v_reg< int, n > &b) |
| |
| template<int n> |
| v_reg< double, n/2 > | v_dotprod_expand_fast (const v_reg< int, n > &a, const v_reg< int, n > &b, const v_reg< double, n/2 > &c) |
| |
| template<typename _Tp , int n> |
| v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > | v_dotprod_fast (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 快速元素的點積。
|
| |
| template<typename _Tp , int n> |
| v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > | v_dotprod_fast (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, const v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > &c) |
| | 快速元素的點積。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_eq (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 相等比較。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_erf (const v_reg< _Tp, n > &a) |
| | 誤差函式。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_exp (const v_reg< _Tp, n > &a) |
| | 元素的指數 \( e^x \)。
|
| |
| template<typename _Tp , int n> |
| void | v_expand (const v_reg< _Tp, n > &a, v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > &b0, v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > &b1) |
| | 將值擴充套件到更寬的打包型別。
|
| |
| template<typename _Tp , int n> |
| v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > | v_expand_high (const v_reg< _Tp, n > &a) |
| | 將更高值擴充套件到更寬的打包型別。
|
| |
| template<typename _Tp , int n> |
| v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > | v_expand_low (const v_reg< _Tp, n > &a) |
| | 將更低值擴充套件到更寬的打包型別。
|
| |
| template<int s, typename _Tp , int n> |
| v_reg< _Tp, n > | v_extract (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 向量提取。
|
| |
| template<int s, typename _Tp , int n> |
| _Tp | v_extract_n (const v_reg< _Tp, n > &v) |
| | 向量提取。
|
| |
| template<int n> |
| v_reg< int, n *2 > | v_floor (const v_reg< double, n > &a) |
| |
| template<int n> |
| v_reg< int, n > | v_floor (const v_reg< float, n > &a) |
| | 向下取整元素。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_fma (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, const v_reg< _Tp, n > &c) |
| | 乘加運算。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_ge (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 大於或等於比較。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_gt (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 大於比較。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_interleave_pairs (const v_reg< _Tp, n > &vec) |
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_interleave_quads (const v_reg< _Tp, n > &vec) |
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_invsqrt (const v_reg< _Tp, n > &a) |
| | 平方根倒數。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_le (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 小於或等於比較。
|
| |
| template<typename _Tp > |
| v_reg< _Tp, simd128_width/sizeof(_Tp)> | v_load (const _Tp *ptr) |
| | 從記憶體載入暫存器內容。
|
| |
| template<typename _Tp > |
| v_reg< _Tp, simd128_width/sizeof(_Tp)> | v_load_aligned (const _Tp *ptr) |
| | 從記憶體載入暫存器內容(對齊)
|
| |
| template<typename _Tp , int n> |
| void | v_load_deinterleave (const _Tp *ptr, v_reg< _Tp, n > &a, v_reg< _Tp, n > &b) |
| | 載入和解交錯(2通道)
|
| |
| template<typename _Tp , int n> |
| void | v_load_deinterleave (const _Tp *ptr, v_reg< _Tp, n > &a, v_reg< _Tp, n > &b, v_reg< _Tp, n > &c) |
| | 載入和解交錯(3通道)
|
| |
| template<typename _Tp , int n> |
| void | v_load_deinterleave (const _Tp *ptr, v_reg< _Tp, n > &a, v_reg< _Tp, n > &b, v_reg< _Tp, n > &c, v_reg< _Tp, n > &d) |
| | 載入和解交錯(4通道)
|
| |
| template<typename _Tp > |
| v_reg< typename V_TypeTraits< _Tp >::w_type, simd128_width/sizeof(typename V_TypeTraits< _Tp >::w_type)> | v_load_expand (const _Tp *ptr) |
| | 從記憶體載入暫存器內容並雙重擴充套件。
|
| |
| v_reg< float, simd128_width/sizeof(float)> | v_load_expand (const hfloat *ptr) |
| |
| template<typename _Tp > |
| v_reg< typename V_TypeTraits< _Tp >::q_type, simd128_width/sizeof(typename V_TypeTraits< _Tp >::q_type)> | v_load_expand_q (const _Tp *ptr) |
| | 從記憶體載入暫存器內容並四重擴充套件。
|
| |
| template<typename _Tp > |
| v_reg< _Tp, simd128_width/sizeof(_Tp)> | v_load_halves (const _Tp *loptr, const _Tp *hiptr) |
| | 從兩個記憶體塊載入暫存器內容。
|
| |
| template<typename _Tp > |
| v_reg< _Tp, simd128_width/sizeof(_Tp)> | v_load_low (const _Tp *ptr) |
| | 載入64位資料到低位部分(高位部分未定義)。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_log (const v_reg< _Tp, n > &a) |
| | 元素的自然對數 \( \log(x) \)。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_lt (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 小於比較。
|
| |
| template<typename _Tp > |
| v_reg< _Tp, simd128_width/sizeof(_Tp)> | v_lut (const _Tp *tab, const int *idx) |
| |
| template<int n> |
| v_reg< double, n/2 > | v_lut (const double *tab, const v_reg< int, n > &idx) |
| |
| template<int n> |
| v_reg< float, n > | v_lut (const float *tab, const v_reg< int, n > &idx) |
| |
| template<int n> |
| v_reg< int, n > | v_lut (const int *tab, const v_reg< int, n > &idx) |
| |
| template<int n> |
| v_reg< unsigned, n > | v_lut (const unsigned *tab, const v_reg< int, n > &idx) |
| |
| template<int n> |
| void | v_lut_deinterleave (const double *tab, const v_reg< int, n *2 > &idx, v_reg< double, n > &x, v_reg< double, n > &y) |
| |
| template<int n> |
| void | v_lut_deinterleave (const float *tab, const v_reg< int, n > &idx, v_reg< float, n > &x, v_reg< float, n > &y) |
| |
| template<typename _Tp > |
| v_reg< _Tp, simd128_width/sizeof(_Tp)> | v_lut_pairs (const _Tp *tab, const int *idx) |
| |
| template<typename _Tp > |
| v_reg< _Tp, simd128_width/sizeof(_Tp)> | v_lut_quads (const _Tp *tab, const int *idx) |
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_magnitude (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 幅值。
|
| |
| template<int n> |
| v_reg< float, n > | v_matmul (const v_reg< float, n > &v, const v_reg< float, n > &a, const v_reg< float, n > &b, const v_reg< float, n > &c, const v_reg< float, n > &d) |
| | 矩陣乘法。
|
| |
| template<int n> |
| v_reg< float, n > | v_matmuladd (const v_reg< float, n > &v, const v_reg< float, n > &a, const v_reg< float, n > &b, const v_reg< float, n > &c, const v_reg< float, n > &d) |
| | 矩陣乘加。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_max (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 為每對選擇最大值。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_min (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 為每對選擇最小值。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_mul (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 乘法。
|
| |
| template<typename _Tp , int n> |
| void | v_mul_expand (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > &c, v_reg< typename V_TypeTraits< _Tp >::w_type, n/2 > &d) |
| | 乘法並擴充套件。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_mul_hi (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 乘法並提取高位部分。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_mul_wrap (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 無飽和乘法。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_muladd (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, const v_reg< _Tp, n > &c) |
| | v_fma 的同義詞。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_ne (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 不相等比較。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_not (const v_reg< _Tp, n > &a) |
| | 按位非。
|
| |
| template<int n> |
| v_reg< double, n > | v_not_nan (const v_reg< double, n > &a) |
| |
| template<int n> |
| v_reg< float, n > | v_not_nan (const v_reg< float, n > &a) |
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_or (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 按位或。
|
| |
| template<int n> |
| void | v_pack_store (hfloat *ptr, const v_reg< float, n > &v) |
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_pack_triplets (const v_reg< _Tp, n > &vec) |
| |
| template<typename _Tp , int n> |
| v_reg< typename V_TypeTraits< _Tp >::abs_type, n > | v_popcount (const v_reg< _Tp, n > &a) |
| | 計算向量通道中的1位,並將結果作為相應的無符號型別返回。
|
| |
| template<typename _Tp , int n> |
| void | v_recombine (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, v_reg< _Tp, n > &low, v_reg< _Tp, n > &high) |
| | 從另外兩個向量的低位和高位部分組合兩個向量。
|
| |
| template<typename _Tp , int n> |
| _Tp | v_reduce_max (const v_reg< _Tp, n > &a) |
| | 查詢一個最大值。
|
| |
| template<typename _Tp , int n> |
| _Tp | v_reduce_min (const v_reg< _Tp, n > &a) |
| | 查詢一個最小值。
|
| |
| template<typename _Tp , int n> |
| V_TypeTraits< typenameV_TypeTraits< _Tp >::abs_type >::sum_type | v_reduce_sad (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 值的絕對差之和。
|
| |
| template<typename _Tp , int n> |
| V_TypeTraits< _Tp >::sum_type | v_reduce_sum (const v_reg< _Tp, n > &a) |
| | 對打包值求和。
|
| |
| template<int n> |
| v_reg< float, n > | v_reduce_sum4 (const v_reg< float, n > &a, const v_reg< float, n > &b, const v_reg< float, n > &c, const v_reg< float, n > &d) |
| | 對每個輸入向量的所有元素求和,返回求和向量。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_reverse (const v_reg< _Tp, n > &a) |
| | 向量反序。
|
| |
| template<int imm, typename _Tp , int n> |
| v_reg< _Tp, n > | v_rotate_left (const v_reg< _Tp, n > &a) |
| | 向量內元素左移。
|
| |
| template<int imm, typename _Tp , int n> |
| v_reg< _Tp, n > | v_rotate_left (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| |
| template<int imm, typename _Tp , int n> |
| v_reg< _Tp, n > | v_rotate_right (const v_reg< _Tp, n > &a) |
| | 向量內元素右移。
|
| |
| template<int imm, typename _Tp , int n> |
| v_reg< _Tp, n > | v_rotate_right (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| |
| template<int n> |
| v_reg< int, n *2 > | v_round (const v_reg< double, n > &a) |
| |
| template<int n> |
| v_reg< int, n *2 > | v_round (const v_reg< double, n > &a, const v_reg< double, n > &b) |
| |
| template<int n> |
| v_reg< int, n > | v_round (const v_reg< float, n > &a) |
| | 四捨五入元素。
|
| |
| template<typename _Tp , int n> |
| int | v_scan_forward (const v_reg< _Tp, n > &a) |
| | 獲取第一個負通道索引。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_select (const v_reg< _Tp, n > &mask, const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 逐元素選擇(混合操作)
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_shl (const v_reg< _Tp, n > &a, int imm) |
| | 按位左移。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_shr (const v_reg< _Tp, n > &a, int imm) |
| | 按位右移。
|
| |
| template<typename _Tp , int n> |
| int | v_signmask (const v_reg< _Tp, n > &a) |
| | 獲取負值掩碼。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_sin (const v_reg< _Tp, n > &a) |
| | 元素的正弦 \( sin(x) \)。
|
| |
| template<typename _Tp , int n> |
| void | v_sincos (const v_reg< _Tp, n > &x, v_reg< _Tp, n > &s, v_reg< _Tp, n > &c) |
| | 同時計算元素的正弦 \( sin(x) \) 和餘弦 \( cos(x) \)。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_sqr_magnitude (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 幅值的平方。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_sqrt (const v_reg< _Tp, n > &a) |
| | 元素的平方根。
|
| |
| template<typename _Tp , int n> |
| void | v_store (_Tp *ptr, const v_reg< _Tp, n > &a) |
| | 將資料儲存到記憶體。
|
| |
| template<typename _Tp , int n> |
| void | v_store (_Tp *ptr, const v_reg< _Tp, n > &a, hal::StoreMode) |
| |
| template<typename _Tp , int n> |
| void | v_store_aligned (_Tp *ptr, const v_reg< _Tp, n > &a) |
| | 將資料儲存到記憶體(對齊)
|
| |
| template<typename _Tp , int n> |
| void | v_store_aligned (_Tp *ptr, const v_reg< _Tp, n > &a, hal::StoreMode) |
| |
| template<typename _Tp , int n> |
| void | v_store_aligned_nocache (_Tp *ptr, const v_reg< _Tp, n > &a) |
| |
| template<typename _Tp , int n> |
| void | v_store_high (_Tp *ptr, const v_reg< _Tp, n > &a) |
| | 將資料儲存到記憶體(高位半部)
|
| |
| template<typename _Tp , int n> |
| void | v_store_interleave (_Tp *ptr, const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, const v_reg< _Tp, n > &c, const v_reg< _Tp, n > &d, hal::StoreMode=hal::STORE_UNALIGNED) |
| | 交錯並存儲(4通道)
|
| |
| template<typename _Tp , int n> |
| void | v_store_interleave (_Tp *ptr, const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, const v_reg< _Tp, n > &c, hal::StoreMode=hal::STORE_UNALIGNED) |
| | 交錯並存儲(3通道)
|
| |
| template<typename _Tp , int n> |
| void | v_store_interleave (_Tp *ptr, const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b, hal::StoreMode=hal::STORE_UNALIGNED) |
| | 交錯並存儲(2通道)
|
| |
| template<typename _Tp , int n> |
| void | v_store_low (_Tp *ptr, const v_reg< _Tp, n > &a) |
| | 將資料儲存到記憶體(低位半部)
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_sub (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 減法。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_sub_wrap (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 無飽和減法。
|
| |
| template<typename _Tp , int n> |
| void | v_transpose4x4 (v_reg< _Tp, n > &a0, const v_reg< _Tp, n > &a1, const v_reg< _Tp, n > &a2, const v_reg< _Tp, n > &a3, v_reg< _Tp, n > &b0, v_reg< _Tp, n > &b1, v_reg< _Tp, n > &b2, v_reg< _Tp, n > &b3) |
| | 轉置4x4矩陣。
|
| |
| template<int n> |
| v_reg< int, n *2 > | v_trunc (const v_reg< double, n > &a) |
| |
| template<int n> |
| v_reg< int, n > | v_trunc (const v_reg< float, n > &a) |
| | 截斷元素。
|
| |
| template<typename _Tp , int n> |
| v_reg< _Tp, n > | v_xor (const v_reg< _Tp, n > &a, const v_reg< _Tp, n > &b) |
| | 按位異或。
|
| |
| template<typename _Tp , int n> |
| void | v_zip (const v_reg< _Tp, n > &a0, const v_reg< _Tp, n > &a1, v_reg< _Tp, n > &b0, v_reg< _Tp, n > &b1) |
| | 交錯兩個向量。
|
| |
| void | validate_input_arg (const GRunArg &arg) |
| |
| void | validate_input_args (const GRunArgs &args) |
| |
| void | validateDisparity (InputOutputArray disparity, InputArray cost, int minDisparity, int numberOfDisparities, int disp12MaxDisp=1) |
| | 使用左右檢查驗證視差。立體對應演算法應計算“成本”矩陣。
|
| |
| GRunArg | value_of (const GOrigin &origin) |
| |
| void | vconcat (const Mat *src, size_t nsrc, OutputArray dst) |
| | 對給定矩陣執行垂直連線。
|
| |
| void | vconcat (InputArray src1, InputArray src2, OutputArray dst) |
| |
| void | vconcat (InputArrayOfArrays src, OutputArray dst) |
| |
| int | waitKey (int delay=0) |
| | 等待按鍵按下。
|
| |
| int | waitKeyEx (int delay=0) |
| | 類似於 waitKey,但返回完整的鍵碼。
|
| |
| void | warpAffine (InputArray src, OutputArray dst, InputArray M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar()) |
| | 對影像應用仿射變換。
|
| |
| void | warpPerspective (InputArray src, OutputArray dst, InputArray M, Size dsize, int flags=INTER_LINEAR, int borderMode=BORDER_CONSTANT, const Scalar &borderValue=Scalar()) |
| | 對影像應用透視變換。
|
| |
| void | warpPolar (InputArray src, OutputArray dst, Size dsize, Point2f center, double maxRadius, int flags) |
| | 將影像重對映到極座標或半對數極座標空間。
|
| |
| void | watershed (InputArray image, InputOutputArray markers) |
| | 使用分水嶺演算法執行基於標記的影像分割。
|
| |
| void | winrt_imshow () |
| |
| void | winrt_initContainer (::Windows::UI::Xaml::Controls::Panel^ container) |
| | 初始化將用於儲存生成視窗內容的容器元件。
|
| |
| void | winrt_onVisibilityChanged (bool visible) |
| |
| void | winrt_setFrameContainer (::Windows::UI::Xaml::Controls::Image^ image) |
| |
| template<typename ... Args> |
| void | winrt_startMessageLoop (std::function< void(Args...)> &&callback, Args... args) |
| |
| template<typename ... Args> |
| void | winrt_startMessageLoop (void callback(Args...), Args... args) |
| |
| template void | winrt_startMessageLoop (void callback(void)) |
| |
| float | wrapperEMD (InputArray signature1, InputArray signature2, int distType, InputArray cost=noArray(), Ptr< float > lowerBound=Ptr< float >(), OutputArray flow=noArray()) |
| |
| template<typename _Tp > |
| static void | write (FileStorage &fs, const _Tp &value) |
| |
| template<typename _Tp > |
| static void | write (FileStorage &fs, const Complex< _Tp > &c) |
| |
| template<> |
| void | write (FileStorage &fs, const double &value) |
| |
| template<> |
| void | write (FileStorage &fs, const float &value) |
| |
| template<> |
| void | write (FileStorage &fs, const int &value) |
| |
| template<typename _Tp , int m, int n> |
| static void | write (FileStorage &fs, const Matx< _Tp, m, n > &x) |
| |
| template<typename _Tp > |
| static void | write (FileStorage &fs, const Point3_< _Tp > &pt) |
| |
| template<typename _Tp > |
| static void | write (FileStorage &fs, const Point_< _Tp > &pt) |
| |
| static void | write (FileStorage &fs, const Range &r) |
| |
| template<typename _Tp > |
| static void | write (FileStorage &fs, const Rect_< _Tp > &r) |
| |
| template<typename _Tp > |
| static void | write (FileStorage &fs, const Scalar_< _Tp > &s) |
| |
| template<typename _Tp > |
| static void | write (FileStorage &fs, const Size_< _Tp > &sz) |
| |
| template<typename _Tp > |
| static void | write (FileStorage &fs, const std::vector< _Tp > &vec) |
| |
| template<typename _Tp , typename std::enable_if< std::is_enum< _Tp >::value >::type * = nullptr> |
| static void | write (FileStorage &fs, const String &name, const _Tp &val) |
| |
| template<typename _Tp > |
| static void | write (FileStorage &fs, const String &name, const Complex< _Tp > &c) |
| |
| static void | write (FileStorage &fs, const String &name, const DMatch &m) |
| |
| static void | write (FileStorage &fs, const String &name, const KeyPoint &kpt) |
| |
| void | write (FileStorage &fs, const String &name, const Mat &value) |
| |
| template<typename _Tp , int m, int n> |
| static void | write (FileStorage &fs, const String &name, const Matx< _Tp, m, n > &x) |
| |
| void | write (FileStorage &fs, const String &name, const optflow::GPCTree::Node &node) |
| |
| template<typename _Tp > |
| static void | write (FileStorage &fs, const String &name, const Point3_< _Tp > &pt) |
| |
| template<typename _Tp > |
| static void | write (FileStorage &fs, const String &name, const Point_< _Tp > &pt) |
| |
| static void | write (FileStorage &fs, const String &name, const Range &r) |
| |
| template<typename _Tp > |
| static void | write (FileStorage &fs, const String &name, const Rect_< _Tp > &r) |
| |
| template<typename _Tp > |
| static void | write (FileStorage &fs, const String &name, const Scalar_< _Tp > &s) |
| |
| template<typename _Tp > |
| static void | write (FileStorage &fs, const String &name, const Size_< _Tp > &sz) |
| |
| void | write (FileStorage &fs, const String &name, const SparseMat &value) |
| |
| template<typename _Tp > |
| static void | write (FileStorage &fs, const String &name, const std::vector< _Tp > &vec) |
| |
| template<typename _Tp > |
| static void | write (FileStorage &fs, const String &name, const std::vector< std::vector< _Tp > > &vec) |
| |
| void | write (FileStorage &fs, const String &name, const String &value) |
| |
| template<typename _Tp , int cn> |
| static void | write (FileStorage &fs, const String &name, const Vec< _Tp, cn > &v) |
| |
| void | write (FileStorage &fs, const String &name, double value) |
| |
| void | write (FileStorage &fs, const String &name, float value) |
| |
| void | write (FileStorage &fs, const String &name, int value) |
| |
| void | write (FileStorage &fs, const String &name, int64_t value) |
| |
| template<> |
| void | write (FileStorage &fs, const String &value) |
| |
| template<typename _Tp , int cn> |
| static void | write (FileStorage &fs, const Vec< _Tp, cn > &v) |
| |
| bool | writeOpticalFlow (const String &path, InputArray flow) |
| | 將 .flo 寫入磁碟。
|
| |
| void | writeScalar (FileStorage &fs, const String &value) |
| |
| void | writeScalar (FileStorage &fs, double value) |
| |
| void | writeScalar (FileStorage &fs, float value) |
| |
| void | writeScalar (FileStorage &fs, int value) |
| |
| void | writeScalar (FileStorage &fs, int64_t value) |
| |
|
|
| v_uint8x16 | v_setzero_u8 () |
| |
| template<> |
| v_uint8x16 | v_setzero_ () |
| |
| v_int8x16 | v_setzero_s8 () |
| |
| template<> |
| v_int8x16 | v_setzero_ () |
| |
| v_uint16x8 | v_setzero_u16 () |
| |
| template<> |
| v_uint16x8 | v_setzero_ () |
| |
| v_int16x8 | v_setzero_s16 () |
| |
| template<> |
| v_int16x8 | v_setzero_ () |
| |
| v_uint32x4 | v_setzero_u32 () |
| |
| template<> |
| v_uint32x4 | v_setzero_ () |
| |
| v_int32x4 | v_setzero_s32 () |
| |
| template<> |
| v_int32x4 | v_setzero_ () |
| |
| v_float32x4 | v_setzero_f32 () |
| |
| template<> |
| v_float32x4 | v_setzero_ () |
| |
| v_float64x2 | v_setzero_f64 () |
| |
| template<> |
| v_float64x2 | v_setzero_ () |
| |
| v_uint64x2 | v_setzero_u64 () |
| |
| template<> |
| v_uint64x2 | v_setzero_ () |
| |
| v_int64x2 | v_setzero_s64 () |
| |
| template<> |
| v_int64x2 | v_setzero_ () |
| |
| v_uint8x32 | v256_setzero_u8 () |
| |
| template<> |
| v_uint8x32 | v_setzero_ () |
| |
| v_int8x32 | v256_setzero_s8 () |
| |
| template<> |
| v_int8x32 | v_setzero_ () |
| |
| v_uint16x16 | v256_setzero_u16 () |
| |
| template<> |
| v_uint16x16 | v_setzero_ () |
| |
| v_int16x16 | v256_setzero_s16 () |
| |
| template<> |
| v_int16x16 | v_setzero_ () |
| |
| v_uint32x8 | v256_setzero_u32 () |
| |
| template<> |
| v_uint32x8 | v_setzero_ () |
| |
| v_int32x8 | v256_setzero_s32 () |
| |
| template<> |
| v_int32x8 | v_setzero_ () |
| |
| v_float32x8 | v256_setzero_f32 () |
| |
| template<> |
| v_float32x8 | v_setzero_ () |
| |
| v_float64x4 | v256_setzero_f64 () |
| |
| template<> |
| v_float64x4 | v_setzero_ () |
| |
| v_uint64x4 | v256_setzero_u64 () |
| |
| template<> |
| v_uint64x4 | v_setzero_ () |
| |
| v_int64x4 | v256_setzero_s64 () |
| |
| template<> |
| v_int64x4 | v_setzero_ () |
| |
| v_uint8x64 | v512_setzero_u8 () |
| |
| template<> |
| v_uint8x64 | v_setzero_ () |
| |
| v_int8x64 | v512_setzero_s8 () |
| |
| template<> |
| v_int8x64 | v_setzero_ () |
| |
| v_uint16x32 | v512_setzero_u16 () |
| |
| template<> |
| v_uint16x32 | v_setzero_ () |
| |
| v_int16x32 | v512_setzero_s16 () |
| |
| template<> |
| v_int16x32 | v_setzero_ () |
| |
| v_uint32x16 | v512_setzero_u32 () |
| |
| template<> |
| v_uint32x16 | v_setzero_ () |
| |
| v_int32x16 | v512_setzero_s32 () |
| |
| template<> |
| v_int32x16 | v_setzero_ () |
| |
| v_float32x16 | v512_setzero_f32 () |
| |
| template<> |
| v_float32x16 | v_setzero_ () |
| |
| v_float64x8 | v512_setzero_f64 () |
| |
| template<> |
| v_float64x8 | v_setzero_ () |
| |
| v_uint64x8 | v512_setzero_u64 () |
| |
| template<> |
| v_uint64x8 | v_setzero_ () |
| |
| v_int64x8 | v512_setzero_s64 () |
| |
| template<> |
| v_int64x8 | v_setzero_ () |
| |
|
|
| v_uint8x16 | v_setall_u8 (uchar val) |
| |
| template<> |
| v_uint8x16 | v_setall_ (uchar val) |
| |
| v_int8x16 | v_setall_s8 (schar val) |
| |
| template<> |
| v_int8x16 | v_setall_ (schar val) |
| |
| v_uint16x8 | v_setall_u16 (ushort val) |
| |
| template<> |
| v_uint16x8 | v_setall_ (ushort val) |
| |
| v_int16x8 | v_setall_s16 (short val) |
| |
| template<> |
| v_int16x8 | v_setall_ (short val) |
| |
| v_uint32x4 | v_setall_u32 (unsigned val) |
| |
| template<> |
| v_uint32x4 | v_setall_ (unsigned val) |
| |
| v_int32x4 | v_setall_s32 (int val) |
| |
| template<> |
| v_int32x4 | v_setall_ (int val) |
| |
| v_float32x4 | v_setall_f32 (float val) |
| |
| template<> |
| v_float32x4 | v_setall_ (float val) |
| |
| v_float64x2 | v_setall_f64 (double val) |
| |
| template<> |
| v_float64x2 | v_setall_ (double val) |
| |
| v_uint64x2 | v_setall_u64 (uint64 val) |
| |
| template<> |
| v_uint64x2 | v_setall_ (uint64 val) |
| |
| v_int64x2 | v_setall_s64 (int64 val) |
| |
| template<> |
| v_int64x2 | v_setall_ (int64 val) |
| |
| v_uint8x32 | v256_setall_u8 (uchar val) |
| |
| template<> |
| v_uint8x32 | v_setall_ (uchar val) |
| |
| v_int8x32 | v256_setall_s8 (schar val) |
| |
| template<> |
| v_int8x32 | v_setall_ (schar val) |
| |
| v_uint16x16 | v256_setall_u16 (ushort val) |
| |
| template<> |
| v_uint16x16 | v_setall_ (ushort val) |
| |
| v_int16x16 | v256_setall_s16 (short val) |
| |
| template<> |
| v_int16x16 | v_setall_ (short val) |
| |
| v_uint32x8 | v256_setall_u32 (unsigned val) |
| |
| template<> |
| v_uint32x8 | v_setall_ (unsigned val) |
| |
| v_int32x8 | v256_setall_s32 (int val) |
| |
| template<> |
| v_int32x8 | v_setall_ (int val) |
| |
| v_float32x8 | v256_setall_f32 (float val) |
| |
| template<> |
| v_float32x8 | v_setall_ (float val) |
| |
| v_float64x4 | v256_setall_f64 (double val) |
| |
| template<> |
| v_float64x4 | v_setall_ (double val) |
| |
| v_uint64x4 | v256_setall_u64 (uint64 val) |
| |
| template<> |
| v_uint64x4 | v_setall_ (uint64 val) |
| |
| v_int64x4 | v256_setall_s64 (int64 val) |
| |
| template<> |
| v_int64x4 | v_setall_ (int64 val) |
| |
| v_uint8x64 | v512_setall_u8 (uchar val) |
| |
| template<> |
| v_uint8x64 | v_setall_ (uchar val) |
| |
| v_int8x64 | v512_setall_s8 (schar val) |
| |
| template<> |
| v_int8x64 | v_setall_ (schar val) |
| |
| v_uint16x32 | v512_setall_u16 (ushort val) |
| |
| template<> |
| v_uint16x32 | v_setall_ (ushort val) |
| |
| v_int16x32 | v512_setall_s16 (short val) |
| |
| template<> |
| v_int16x32 | v_setall_ (short val) |
| |
| v_uint32x16 | v512_setall_u32 (unsigned val) |
| |
| template<> |
| v_uint32x16 | v_setall_ (unsigned val) |
| |
| v_int32x16 | v512_setall_s32 (int val) |
| |
| template<> |
| v_int32x16 | v_setall_ (int val) |
| |
| v_float32x16 | v512_setall_f32 (float val) |
| |
| template<> |
| v_float32x16 | v_setall_ (float val) |
| |
| v_float64x8 | v512_setall_f64 (double val) |
| |
| template<> |
| v_float64x8 | v_setall_ (double val) |
| |
| v_uint64x8 | v512_setall_u64 (uint64 val) |
| |
| template<> |
| v_uint64x8 | v_setall_ (uint64 val) |
| |
| v_int64x8 | v512_setall_s64 (int64 val) |
| |
| template<> |
| v_int64x8 | v_setall_ (int64 val) |
| |
|
|
| template<typename _Tp0 , int n0> |
| v_reg< uchar, n0 *sizeof(_Tp0)/sizeof(uchar)> | v_reinterpret_as_u8 (const v_reg< _Tp0, n0 > &a) |
| |
| template<typename _Tp0 , int n0> |
| v_reg< schar, n0 *sizeof(_Tp0)/sizeof(schar)> | v_reinterpret_as_s8 (const v_reg< _Tp0, n0 > &a) |
| |
| template<typename _Tp0 , int n0> |
| v_reg< ushort, n0 *sizeof(_Tp0)/sizeof(ushort)> | v_reinterpret_as_u16 (const v_reg< _Tp0, n0 > &a) |
| |
| template<typename _Tp0 , int n0> |
| v_reg< short, n0 *sizeof(_Tp0)/sizeof(short)> | v_reinterpret_as_s16 (const v_reg< _Tp0, n0 > &a) |
| |
| template<typename _Tp0 , int n0> |
| v_reg< unsigned, n0 *sizeof(_Tp0)/sizeof(unsigned)> | v_reinterpret_as_u32 (const v_reg< _Tp0, n0 > &a) |
| |
| template<typename _Tp0 , int n0> |
| v_reg< int, n0 *sizeof(_Tp0)/sizeof(int)> | v_reinterpret_as_s32 (const v_reg< _Tp0, n0 > &a) |
| |
| template<typename _Tp0 , int n0> |
| v_reg< float, n0 *sizeof(_Tp0)/sizeof(float)> | v_reinterpret_as_f32 (const v_reg< _Tp0, n0 > &a) |
| |
| template<typename _Tp0 , int n0> |
| v_reg< double, n0 *sizeof(_Tp0)/sizeof(double)> | v_reinterpret_as_f64 (const v_reg< _Tp0, n0 > &a) |
| |
| template<typename _Tp0 , int n0> |
| v_reg< uint64, n0 *sizeof(_Tp0)/sizeof(uint64)> | v_reinterpret_as_u64 (const v_reg< _Tp0, n0 > &a) |
| |
| template<typename _Tp0 , int n0> |
| v_reg< int64, n0 *sizeof(_Tp0)/sizeof(int64)> | v_reinterpret_as_s64 (const v_reg< _Tp0, n0 > &a) |
| |
|
|
| template<int shift, int n> |
| v_reg< ushort, n > | v_shl (const v_reg< ushort, n > &a) |
| |
| template<int shift, int n> |
| v_reg< short, n > | v_shl (const v_reg< short, n > &a) |
| |
| template<int shift, int n> |
| v_reg< unsigned, n > | v_shl (const v_reg< unsigned, n > &a) |
| |
| template<int shift, int n> |
| v_reg< int, n > | v_shl (const v_reg< int, n > &a) |
| |
| template<int shift, int n> |
| v_reg< uint64, n > | v_shl (const v_reg< uint64, n > &a) |
| |
| template<int shift, int n> |
| v_reg< int64, n > | v_shl (const v_reg< int64, n > &a) |
| |
|
|
| template<int shift, int n> |
| v_reg< ushort, n > | v_shr (const v_reg< ushort, n > &a) |
| |
| template<int shift, int n> |
| v_reg< short, n > | v_shr (const v_reg< short, n > &a) |
| |
| template<int shift, int n> |
| v_reg< unsigned, n > | v_shr (const v_reg< unsigned, n > &a) |
| |
| template<int shift, int n> |
| v_reg< int, n > | v_shr (const v_reg< int, n > &a) |
| |
| template<int shift, int n> |
| v_reg< uint64, n > | v_shr (const v_reg< uint64, n > &a) |
| |
| template<int shift, int n> |
| v_reg< int64, n > | v_shr (const v_reg< int64, n > &a) |
| |
|
|
| template<int shift, int n> |
| v_reg< ushort, n > | v_rshr (const v_reg< ushort, n > &a) |
| |
| template<int shift, int n> |
| v_reg< short, n > | v_rshr (const v_reg< short, n > &a) |
| |
| template<int shift, int n> |
| v_reg< unsigned, n > | v_rshr (const v_reg< unsigned, n > &a) |
| |
| template<int shift, int n> |
| v_reg< int, n > | v_rshr (const v_reg< int, n > &a) |
| |
| template<int shift, int n> |
| v_reg< uint64, n > | v_rshr (const v_reg< uint64, n > &a) |
| |
| template<int shift, int n> |
| v_reg< int64, n > | v_rshr (const v_reg< int64, n > &a) |
| |
|
將兩個向量的值打包成一個
返回的向量型別包含的元素數量是輸入向量型別的兩倍。帶有 u 字尾的變體也會轉換為相應的無符號型別。
- pack:適用於 16 位、32 位和 64 位整數輸入型別
- pack_u:適用於 16 位和 32 位有符號整數輸入型別
- 注意
- 除 64 位外的所有變體均使用飽和。
|
| template<int n> |
| v_reg< uchar, 2 *n > | v_pack (const v_reg< ushort, n > &a, const v_reg< ushort, n > &b) |
| |
| template<int n> |
| v_reg< schar, 2 *n > | v_pack (const v_reg< short, n > &a, const v_reg< short, n > &b) |
| |
| template<int n> |
| v_reg< ushort, 2 *n > | v_pack (const v_reg< unsigned, n > &a, const v_reg< unsigned, n > &b) |
| |
| template<int n> |
| v_reg< short, 2 *n > | v_pack (const v_reg< int, n > &a, const v_reg< int, n > &b) |
| |
| template<int n> |
| v_reg< unsigned, 2 *n > | v_pack (const v_reg< uint64, n > &a, const v_reg< uint64, n > &b) |
| |
| template<int n> |
| v_reg< int, 2 *n > | v_pack (const v_reg< int64, n > &a, const v_reg< int64, n > &b) |
| |
| template<int n> |
| v_reg< uchar, 2 *n > | v_pack_u (const v_reg< short, n > &a, const v_reg< short, n > &b) |
| |
| template<int n> |
| v_reg< ushort, 2 *n > | v_pack_u (const v_reg< int, n > &a, const v_reg< int, n > &b) |
| |
|
將兩個向量的值打包成一個,並帶舍入移位
輸入向量中的值將透過舍入向右移位 n 位,轉換為較窄的型別,並返回到結果向量中。帶有 u 字尾的變體轉換為無符號型別。
- pack:適用於 16 位、32 位和 64 位整數輸入型別
- pack_u:適用於 16 位和 32 位有符號整數輸入型別
- 注意
- 除 64 位外的所有變體均使用飽和。
|
| template<int shift, int n> |
| v_reg< uchar, 2 *n > | v_rshr_pack (const v_reg< ushort, n > &a, const v_reg< ushort, n > &b) |
| |
| template<int shift, int n> |
| v_reg< schar, 2 *n > | v_rshr_pack (const v_reg< short, n > &a, const v_reg< short, n > &b) |
| |
| template<int shift, int n> |
| v_reg< ushort, 2 *n > | v_rshr_pack (const v_reg< unsigned, n > &a, const v_reg< unsigned, n > &b) |
| |
| template<int shift, int n> |
| v_reg< short, 2 *n > | v_rshr_pack (const v_reg< int, n > &a, const v_reg< int, n > &b) |
| |
| template<int shift, int n> |
| v_reg< unsigned, 2 *n > | v_rshr_pack (const v_reg< uint64, n > &a, const v_reg< uint64, n > &b) |
| |
| template<int shift, int n> |
| v_reg< int, 2 *n > | v_rshr_pack (const v_reg< int64, n > &a, const v_reg< int64, n > &b) |
| |
| template<int shift, int n> |
| v_reg< uchar, 2 *n > | v_rshr_pack_u (const v_reg< short, n > &a, const v_reg< short, n > &b) |
| |
| template<int shift, int n> |
| v_reg< ushort, 2 *n > | v_rshr_pack_u (const v_reg< int, n > &a, const v_reg< int, n > &b) |
| |
|
將輸入向量的值打包並存儲到記憶體中
值將轉換為較窄的型別並存儲到記憶體中。帶有 u 字尾的變體轉換為相應的無符號型別。
- pack:適用於 16 位、32 位和 64 位整數輸入型別
- pack_u:適用於 16 位和 32 位有符號整數輸入型別
- 注意
- 除 64 位外的所有變體均使用飽和。
|
| template<int n> |
| void | v_pack_store (uchar *ptr, const v_reg< ushort, n > &a) |
| |
| template<int n> |
| void | v_pack_store (schar *ptr, const v_reg< short, n > &a) |
| |
| template<int n> |
| void | v_pack_store (ushort *ptr, const v_reg< unsigned, n > &a) |
| |
| template<int n> |
| void | v_pack_store (short *ptr, const v_reg< int, n > &a) |
| |
| template<int n> |
| void | v_pack_store (unsigned *ptr, const v_reg< uint64, n > &a) |
| |
| template<int n> |
| void | v_pack_store (int *ptr, const v_reg< int64, n > &a) |
| |
| template<int n> |
| void | v_pack_u_store (uchar *ptr, const v_reg< short, n > &a) |
| |
| template<int n> |
| void | v_pack_u_store (ushort *ptr, const v_reg< int, n > &a) |
| |
|
將輸入向量的值打包並存儲到記憶體中
值將透過舍入向右移位 n 位,轉換為較窄的型別並存儲到記憶體中。帶有 u 字尾的變體轉換為無符號型別。
- pack:適用於 16 位、32 位和 64 位整數輸入型別
- pack_u:適用於 16 位和 32 位有符號整數輸入型別
- 注意
- 除 64 位外的所有變體均使用飽和。
|
| template<int shift, int n> |
| void | v_rshr_pack_store (uchar *ptr, const v_reg< ushort, n > &a) |
| |
| template<int shift, int n> |
| void | v_rshr_pack_store (schar *ptr, const v_reg< short, n > &a) |
| |
| template<int shift, int n> |
| void | v_rshr_pack_store (ushort *ptr, const v_reg< unsigned, n > &a) |
| |
| template<int shift, int n> |
| void | v_rshr_pack_store (short *ptr, const v_reg< int, n > &a) |
| |
| template<int shift, int n> |
| void | v_rshr_pack_store (unsigned *ptr, const v_reg< uint64, n > &a) |
| |
| template<int shift, int n> |
| void | v_rshr_pack_store (int *ptr, const v_reg< int64, n > &a) |
| |
| template<int shift, int n> |
| void | v_rshr_pack_u_store (uchar *ptr, const v_reg< short, n > &a) |
| |
| template<int shift, int n> |
| void | v_rshr_pack_u_store (ushort *ptr, const v_reg< int, n > &a) |
| |
|
將多個向量中的布林值打包成一個無符號 8 位整數向量
- 注意
- 必須提供有效的布林值以確保所有架構的結果相同。
|
| template<int n> |
| v_reg< uchar, 2 *n > | v_pack_b (const v_reg< ushort, n > &a, const v_reg< ushort, n > &b) |
| | !適用於 16 位布林值
|
| |
| template<int n> |
| v_reg< uchar, 4 *n > | v_pack_b (const v_reg< unsigned, n > &a, const v_reg< unsigned, n > &b, const v_reg< unsigned, n > &c, const v_reg< unsigned, n > &d) |
| |
| template<int n> |
| v_reg< uchar, 8 *n > | v_pack_b (const v_reg< uint64, n > &a, const v_reg< uint64, n > &b, const v_reg< uint64, n > &c, const v_reg< uint64, n > &d, const v_reg< uint64, n > &e, const v_reg< uint64, n > &f, const v_reg< uint64, n > &g, const v_reg< uint64, n > &h) |
| |