A B C D E F G H I J K L M N O P Q R S T U V W X Y Z _
All Classes All Packages
All Classes All Packages
A
- absdiff(Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates the per-element absolute difference between two arrays or between an array and a scalar.
- absdiff(Mat, Scalar, Mat) - Static method in class org.opencv.core.Core
- accumulate(Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Adds an image to the accumulator image.
- accumulate(Mat, Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Adds an image to the accumulator image.
- accumulateProduct(Mat, Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Adds the per-element product of two input images to the accumulator image.
- accumulateProduct(Mat, Mat, Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Adds the per-element product of two input images to the accumulator image.
- accumulateSquare(Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Adds the square of a source image to the accumulator image.
- accumulateSquare(Mat, Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Adds the square of a source image to the accumulator image.
- accumulateWeighted(Mat, Mat, double) - Static method in class org.opencv.imgproc.Imgproc
-
Updates a running average.
- accumulateWeighted(Mat, Mat, double, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Updates a running average.
- activateContoursProcessing(boolean) - Method in class org.opencv.bioinspired.Retina
-
Activate/desactivate the Parvocellular pathway processing (contours information extraction), by default, it is activated
- activateMovingContoursProcessing(boolean) - Method in class org.opencv.bioinspired.Retina
-
Activate/desactivate the Magnocellular pathway processing (motion information extraction), by default, it is activated
- ADAPTIVE_THRESH_GAUSSIAN_C - Static variable in class org.opencv.imgproc.Imgproc
- ADAPTIVE_THRESH_MEAN_C - Static variable in class org.opencv.imgproc.Imgproc
- AdaptiveManifoldFilter - Class in org.opencv.ximgproc
-
Interface for Adaptive Manifold Filter realizations.
- AdaptiveManifoldFilter(long) - Constructor for class org.opencv.ximgproc.AdaptiveManifoldFilter
- adaptiveThreshold(Mat, Mat, double, int, int, int, double) - Static method in class org.opencv.imgproc.Imgproc
-
Applies an adaptive threshold to an array.
- add(List<Mat>) - Method in class org.opencv.features2d.DescriptorMatcher
-
Adds descriptors to train a CPU(trainDescCollectionis) or GPU(utrainDescCollectionis) descriptor collection.
- add(Mat) - Method in class org.opencv.features2d.BOWTrainer
-
Adds descriptors to a training set.
- add(Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates the per-element sum of two arrays or an array and a scalar.
- add(Mat, Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates the per-element sum of two arrays or an array and a scalar.
- add(Mat, Mat, Mat, Mat, int) - Static method in class org.opencv.core.Core
-
Calculates the per-element sum of two arrays or an array and a scalar.
- add(Mat, Scalar, Mat) - Static method in class org.opencv.core.Core
- add(Mat, Scalar, Mat, Mat) - Static method in class org.opencv.core.Core
- add(Mat, Scalar, Mat, Mat, int) - Static method in class org.opencv.core.Core
- add(legacy_Tracker, Mat, Rect2d) - Method in class org.opencv.tracking.legacy_MultiTracker
-
Add a new object to be tracked.
- addGraphSegmentation(GraphSegmentation) - Method in class org.opencv.ximgproc.SelectiveSearchSegmentation
-
Add a new graph segmentation in the list of graph segementations to process.
- addImage(Mat) - Method in class org.opencv.ximgproc.SelectiveSearchSegmentation
-
Add a new image in the list of images to process.
- addSamplesDataSearchPath(String) - Static method in class org.opencv.core.Core
-
Override search data path by adding new search location Use this only to override default behavior Passed paths are used in LIFO order.
- addSamplesDataSearchSubDirectory(String) - Static method in class org.opencv.core.Core
-
Append samples search data sub directory General usage is to add OpenCV modules name (
<opencv_contrib>/modules/<name>/samples/data
-><name>/samples/data
+modules/<name>/samples/data
). - addStrategy(SelectiveSearchSegmentationStrategy) - Method in class org.opencv.ximgproc.SelectiveSearchSegmentation
-
Add a new strategy in the list of strategy to process.
- addStrategy(SelectiveSearchSegmentationStrategy, float) - Method in class org.opencv.ximgproc.SelectiveSearchSegmentationStrategyMultiple
-
Add a new sub-strategy
- addWeighted(Mat, double, Mat, double, double, Mat) - Static method in class org.opencv.core.Core
-
Calculates the weighted sum of two arrays.
- addWeighted(Mat, double, Mat, double, double, Mat, int) - Static method in class org.opencv.core.Core
-
Calculates the weighted sum of two arrays.
- adjustROI(int, int, int, int) - Method in class org.opencv.core.Mat
- AffineFeature - Class in org.opencv.features2d
-
Class for implementing the wrapper which makes detectors and extractors to be affine invariant, described as ASIFT in CITE: YM11 .
- AffineFeature(long) - Constructor for class org.opencv.features2d.AffineFeature
- AffineFeature2D - Class in org.opencv.xfeatures2d
-
Class implementing affine adaptation for key points.
- AffineFeature2D(long) - Constructor for class org.opencv.xfeatures2d.AffineFeature2D
- AGAST_5_8 - Static variable in class org.opencv.features2d.AgastFeatureDetector
- AGAST_7_12d - Static variable in class org.opencv.features2d.AgastFeatureDetector
- AGAST_7_12s - Static variable in class org.opencv.features2d.AgastFeatureDetector
- AgastFeatureDetector - Class in org.opencv.features2d
-
Wrapping class for feature detection using the AGAST method.
- AgastFeatureDetector(long) - Constructor for class org.opencv.features2d.AgastFeatureDetector
- AKAZE - Class in org.opencv.features2d
-
Class implementing the AKAZE keypoint detector and descriptor extractor, described in CITE: ANB13.
- AKAZE(long) - Constructor for class org.opencv.features2d.AKAZE
- ALGO_HINT_ACCURATE - Static variable in class org.opencv.core.Core
- ALGO_HINT_APPROX - Static variable in class org.opencv.core.Core
- ALGO_HINT_DEFAULT - Static variable in class org.opencv.core.Core
- Algorithm - Class in org.opencv.core
-
This is a base class for all more or less complex algorithms in OpenCV especially for classes of algorithms, for which there can be multiple implementations.
- Algorithm(long) - Constructor for class org.opencv.core.Algorithm
- alignCrop(Mat, Mat, Mat) - Method in class org.opencv.objdetect.FaceRecognizerSF
-
Aligns detected face with the source input image and crops it
- AlignExposures - Class in org.opencv.photo
-
The base class for algorithms that align images of the same scene with different exposures
- AlignExposures(long) - Constructor for class org.opencv.photo.AlignExposures
- AlignMTB - Class in org.opencv.photo
-
This algorithm converts images to median threshold bitmaps (1 for pixels brighter than median luminance and 0 otherwise) and than aligns the resulting bitmaps using bit operations.
- AlignMTB(long) - Constructor for class org.opencv.photo.AlignMTB
- all() - Static method in class org.opencv.core.Range
- all(double) - Static method in class org.opencv.core.Scalar
- alloc(int) - Method in class org.opencv.core.MatOfByte
- alloc(int) - Method in class org.opencv.core.MatOfDMatch
- alloc(int) - Method in class org.opencv.core.MatOfDouble
- alloc(int) - Method in class org.opencv.core.MatOfFloat
- alloc(int) - Method in class org.opencv.core.MatOfFloat4
- alloc(int) - Method in class org.opencv.core.MatOfFloat6
- alloc(int) - Method in class org.opencv.core.MatOfInt
- alloc(int) - Method in class org.opencv.core.MatOfInt4
- alloc(int) - Method in class org.opencv.core.MatOfKeyPoint
- alloc(int) - Method in class org.opencv.core.MatOfPoint
- alloc(int) - Method in class org.opencv.core.MatOfPoint2f
- alloc(int) - Method in class org.opencv.core.MatOfPoint3
- alloc(int) - Method in class org.opencv.core.MatOfPoint3f
- alloc(int) - Method in class org.opencv.core.MatOfRect
- alloc(int) - Method in class org.opencv.core.MatOfRect2d
- alloc(int) - Method in class org.opencv.core.MatOfRotatedRect
- alreadyUsed - Variable in class org.opencv.highgui.ImageWindow
- AM_FILTER - Static variable in class org.opencv.ximgproc.Ximgproc
- amFilter(Mat, Mat, Mat, double, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Simple one-line Adaptive Manifold Filter call.
- amFilter(Mat, Mat, Mat, double, double, boolean) - Static method in class org.opencv.ximgproc.Ximgproc
-
Simple one-line Adaptive Manifold Filter call.
- angle - Variable in class org.opencv.core.KeyPoint
-
Computed orientation of the keypoint (-1 if not applicable).
- angle - Variable in class org.opencv.core.RotatedRect
- ANGLE_ROW - Static variable in class org.opencv.xfeatures2d.SURF_CUDA
- anisotropicDiffusion(Mat, Mat, float, float, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Performs anisotropic diffusion on an image.
- ANN_MLP - Class in org.opencv.ml
-
Artificial Neural Networks - Multi-Layer Perceptrons.
- ANN_MLP(long) - Constructor for class org.opencv.ml.ANN_MLP
- ANNEAL - Static variable in class org.opencv.ml.ANN_MLP
- apply(Mat, Mat) - Method in class org.opencv.bgsegm.BackgroundSubtractorCNT
- apply(Mat, Mat) - Method in class org.opencv.bgsegm.BackgroundSubtractorGMG
-
Computes a foreground mask.
- apply(Mat, Mat) - Method in class org.opencv.bgsegm.BackgroundSubtractorGSOC
- apply(Mat, Mat) - Method in class org.opencv.bgsegm.BackgroundSubtractorLSBP
- apply(Mat, Mat) - Method in class org.opencv.imgproc.CLAHE
-
Equalizes the histogram of a grayscale image using Contrast Limited Adaptive Histogram Equalization.
- apply(Mat, Mat) - Method in class org.opencv.video.BackgroundSubtractor
-
Computes a foreground mask.
- apply(Mat, Mat) - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Computes a foreground mask.
- apply(Mat, Mat, double) - Method in class org.opencv.bgsegm.BackgroundSubtractorCNT
- apply(Mat, Mat, double) - Method in class org.opencv.bgsegm.BackgroundSubtractorGMG
-
Computes a foreground mask.
- apply(Mat, Mat, double) - Method in class org.opencv.bgsegm.BackgroundSubtractorGSOC
- apply(Mat, Mat, double) - Method in class org.opencv.bgsegm.BackgroundSubtractorLSBP
- apply(Mat, Mat, double) - Method in class org.opencv.video.BackgroundSubtractor
-
Computes a foreground mask.
- apply(Mat, Mat, double) - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Computes a foreground mask.
- applyChannelGains(Mat, Mat, float, float, float) - Static method in class org.opencv.xphoto.Xphoto
-
Implements an efficient fixed-point approximation for applying channel gains, which is the last step of multiple white balance algorithms.
- applyColorMap(Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
Applies a GNU Octave/MATLAB equivalent colormap on a given image.
- applyColorMap(Mat, Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Applies a user colormap on a given image.
- applyFastToneMapping(Mat, Mat) - Method in class org.opencv.bioinspired.Retina
-
Method which processes an image in the aim to correct its luminance correct backlight problems, enhance details in shadows.
- applyFastToneMapping(Mat, Mat) - Method in class org.opencv.bioinspired.RetinaFastToneMapping
-
applies a luminance correction (initially High Dynamic Range (HDR) tone mapping) using only the 2 local adaptation stages of the retina parvocellular channel : photoreceptors level and ganlion cells level.
- applyImage(Mat) - Method in class org.opencv.imgproc.IntelligentScissorsMB
-
Specify input image and extract image features
- applyImageFeatures(Mat, Mat, Mat) - Method in class org.opencv.imgproc.IntelligentScissorsMB
-
Specify custom features of input image Customized advanced variant of applyImage() call.
- applyImageFeatures(Mat, Mat, Mat, Mat) - Method in class org.opencv.imgproc.IntelligentScissorsMB
-
Specify custom features of input image Customized advanced variant of applyImage() call.
- approxPolyDP(MatOfPoint2f, MatOfPoint2f, double, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
Approximates a polygonal curve(s) with the specified precision.
- approxPolyN(Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
Approximates a polygon with a convex hull with a specified accuracy and number of sides.
- approxPolyN(Mat, Mat, int, float) - Static method in class org.opencv.imgproc.Imgproc
-
Approximates a polygon with a convex hull with a specified accuracy and number of sides.
- approxPolyN(Mat, Mat, int, float, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
Approximates a polygon with a convex hull with a specified accuracy and number of sides.
- arcLength(MatOfPoint2f, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates a contour perimeter or a curve length.
- area() - Method in class org.opencv.core.Rect
- area() - Method in class org.opencv.core.Rect2d
- area() - Method in class org.opencv.core.Size
- ARO_0_45 - Static variable in class org.opencv.ximgproc.Ximgproc
- ARO_315_0 - Static variable in class org.opencv.ximgproc.Ximgproc
- ARO_315_135 - Static variable in class org.opencv.ximgproc.Ximgproc
- ARO_315_45 - Static variable in class org.opencv.ximgproc.Ximgproc
- ARO_45_135 - Static variable in class org.opencv.ximgproc.Ximgproc
- ARO_45_90 - Static variable in class org.opencv.ximgproc.Ximgproc
- ARO_90_135 - Static variable in class org.opencv.ximgproc.Ximgproc
- ARO_CTR_HOR - Static variable in class org.opencv.ximgproc.Ximgproc
- ARO_CTR_VER - Static variable in class org.opencv.ximgproc.Ximgproc
- arrowedLine(Mat, Point, Point, Scalar) - Static method in class org.opencv.imgproc.Imgproc
-
Draws an arrow segment pointing from the first point to the second one.
- arrowedLine(Mat, Point, Point, Scalar, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws an arrow segment pointing from the first point to the second one.
- arrowedLine(Mat, Point, Point, Scalar, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws an arrow segment pointing from the first point to the second one.
- arrowedLine(Mat, Point, Point, Scalar, int, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws an arrow segment pointing from the first point to the second one.
- arrowedLine(Mat, Point, Point, Scalar, int, int, int, double) - Static method in class org.opencv.imgproc.Imgproc
-
Draws an arrow segment pointing from the first point to the second one.
- Aruco - Class in org.opencv.aruco
- Aruco() - Constructor for class org.opencv.aruco.Aruco
- ARUCO_CCW_CENTER - Static variable in class org.opencv.aruco.Aruco
- ARUCO_CW_TOP_LEFT_CORNER - Static variable in class org.opencv.aruco.Aruco
- ArucoDetector - Class in org.opencv.objdetect
-
The main functionality of ArucoDetector class is detection of markers in an image with detectMarkers() method.
- ArucoDetector() - Constructor for class org.opencv.objdetect.ArucoDetector
-
Basic ArucoDetector constructor
- ArucoDetector(long) - Constructor for class org.opencv.objdetect.ArucoDetector
- ArucoDetector(Dictionary) - Constructor for class org.opencv.objdetect.ArucoDetector
-
Basic ArucoDetector constructor
- ArucoDetector(Dictionary, DetectorParameters) - Constructor for class org.opencv.objdetect.ArucoDetector
-
Basic ArucoDetector constructor
- ArucoDetector(Dictionary, DetectorParameters, RefineParameters) - Constructor for class org.opencv.objdetect.ArucoDetector
-
Basic ArucoDetector constructor
- ASGD - Static variable in class org.opencv.ml.SVMSGD
- assignTo(Mat) - Method in class org.opencv.core.Mat
- assignTo(Mat, int) - Method in class org.opencv.core.Mat
- at(Class<T>, int[]) - Method in class org.opencv.core.Mat
- at(Class<T>, int, int) - Method in class org.opencv.core.Mat
- averageHash(Mat, Mat) - Static method in class org.opencv.img_hash.Img_hash
-
Calculates img_hash::AverageHash in one call
- AverageHash - Class in org.opencv.img_hash
-
Computes average hash value of the input image This is a fast image hashing algorithm, but only work on simple case.
- AverageHash(long) - Constructor for class org.opencv.img_hash.AverageHash
B
- BackgroundSubtractor - Class in org.opencv.video
-
Base class for background/foreground segmentation.
- BackgroundSubtractor(long) - Constructor for class org.opencv.video.BackgroundSubtractor
- BackgroundSubtractorCNT - Class in org.opencv.bgsegm
-
Background subtraction based on counting.
- BackgroundSubtractorCNT(long) - Constructor for class org.opencv.bgsegm.BackgroundSubtractorCNT
- BackgroundSubtractorGMG - Class in org.opencv.bgsegm
-
Background Subtractor module based on the algorithm given in CITE: Gold2012 .
- BackgroundSubtractorGMG(long) - Constructor for class org.opencv.bgsegm.BackgroundSubtractorGMG
- BackgroundSubtractorGSOC - Class in org.opencv.bgsegm
-
Implementation of the different yet better algorithm which is called GSOC, as it was implemented during GSOC and was not originated from any paper.
- BackgroundSubtractorGSOC(long) - Constructor for class org.opencv.bgsegm.BackgroundSubtractorGSOC
- BackgroundSubtractorKNN - Class in org.opencv.video
-
K-nearest neighbours - based Background/Foreground Segmentation Algorithm.
- BackgroundSubtractorKNN(long) - Constructor for class org.opencv.video.BackgroundSubtractorKNN
- BackgroundSubtractorLSBP - Class in org.opencv.bgsegm
-
Background Subtraction using Local SVD Binary Pattern.
- BackgroundSubtractorLSBP(long) - Constructor for class org.opencv.bgsegm.BackgroundSubtractorLSBP
- BackgroundSubtractorLSBPDesc - Class in org.opencv.bgsegm
-
This is for calculation of the LSBP descriptors.
- BackgroundSubtractorLSBPDesc(long) - Constructor for class org.opencv.bgsegm.BackgroundSubtractorLSBPDesc
- BackgroundSubtractorMOG - Class in org.opencv.bgsegm
-
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
- BackgroundSubtractorMOG(long) - Constructor for class org.opencv.bgsegm.BackgroundSubtractorMOG
- BackgroundSubtractorMOG2 - Class in org.opencv.video
-
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
- BackgroundSubtractorMOG2(long) - Constructor for class org.opencv.video.BackgroundSubtractorMOG2
- BACKPROP - Static variable in class org.opencv.ml.ANN_MLP
- BadAlign - Static variable in class org.opencv.core.Core
- BadAlphaChannel - Static variable in class org.opencv.core.Core
- BadCallBack - Static variable in class org.opencv.core.Core
- BadCOI - Static variable in class org.opencv.core.Core
- BadDataPtr - Static variable in class org.opencv.core.Core
- BadDepth - Static variable in class org.opencv.core.Core
- BadImageSize - Static variable in class org.opencv.core.Core
- BadModelOrChSeq - Static variable in class org.opencv.core.Core
- BadNumChannel1U - Static variable in class org.opencv.core.Core
- BadNumChannels - Static variable in class org.opencv.core.Core
- BadOffset - Static variable in class org.opencv.core.Core
- BadOrder - Static variable in class org.opencv.core.Core
- BadOrigin - Static variable in class org.opencv.core.Core
- BadROISize - Static variable in class org.opencv.core.Core
- BadStep - Static variable in class org.opencv.core.Core
- BadTileSize - Static variable in class org.opencv.core.Core
- balanceWhite(Mat, Mat) - Method in class org.opencv.xphoto.WhiteBalancer
-
Applies white balancing to the input image
- BarcodeDetector - Class in org.opencv.objdetect
- BarcodeDetector() - Constructor for class org.opencv.objdetect.BarcodeDetector
-
Initialize the BarcodeDetector.
- BarcodeDetector(long) - Constructor for class org.opencv.objdetect.BarcodeDetector
- BarcodeDetector(String, String) - Constructor for class org.opencv.objdetect.BarcodeDetector
-
Initialize the BarcodeDetector.
- BaseCascadeClassifier - Class in org.opencv.objdetect
- BaseCascadeClassifier(long) - Constructor for class org.opencv.objdetect.BaseCascadeClassifier
- BaseOCR - Class in org.opencv.text
- BaseOCR(long) - Constructor for class org.opencv.text.BaseOCR
- BasicFaceRecognizer - Class in org.opencv.face
- BasicFaceRecognizer(long) - Constructor for class org.opencv.face.BasicFaceRecognizer
- BATCH - Static variable in class org.opencv.ml.LogisticRegression
- batchDistance(Mat, Mat, Mat, int, Mat) - Static method in class org.opencv.core.Core
-
naive nearest neighbor finder see http://en.wikipedia.org/wiki/Nearest_neighbor_search TODO: document
- batchDistance(Mat, Mat, Mat, int, Mat, int) - Static method in class org.opencv.core.Core
-
naive nearest neighbor finder see http://en.wikipedia.org/wiki/Nearest_neighbor_search TODO: document
- batchDistance(Mat, Mat, Mat, int, Mat, int, int) - Static method in class org.opencv.core.Core
-
naive nearest neighbor finder see http://en.wikipedia.org/wiki/Nearest_neighbor_search TODO: document
- batchDistance(Mat, Mat, Mat, int, Mat, int, int, Mat) - Static method in class org.opencv.core.Core
-
naive nearest neighbor finder see http://en.wikipedia.org/wiki/Nearest_neighbor_search TODO: document
- batchDistance(Mat, Mat, Mat, int, Mat, int, int, Mat, int) - Static method in class org.opencv.core.Core
-
naive nearest neighbor finder see http://en.wikipedia.org/wiki/Nearest_neighbor_search TODO: document
- batchDistance(Mat, Mat, Mat, int, Mat, int, int, Mat, int, boolean) - Static method in class org.opencv.core.Core
-
naive nearest neighbor finder see http://en.wikipedia.org/wiki/Nearest_neighbor_search TODO: document
- BEBLID - Class in org.opencv.xfeatures2d
-
Class implementing BEBLID (Boosted Efficient Binary Local Image Descriptor), described in CITE: Suarez2020BEBLID .
- BEBLID(long) - Constructor for class org.opencv.xfeatures2d.BEBLID
- BFMatcher - Class in org.opencv.features2d
-
Brute-force descriptor matcher.
- BFMatcher() - Constructor for class org.opencv.features2d.BFMatcher
-
Brute-force matcher constructor (obsolete).
- BFMatcher(int) - Constructor for class org.opencv.features2d.BFMatcher
-
Brute-force matcher constructor (obsolete).
- BFMatcher(int, boolean) - Constructor for class org.opencv.features2d.BFMatcher
-
Brute-force matcher constructor (obsolete).
- BFMatcher(long) - Constructor for class org.opencv.features2d.BFMatcher
- Bgsegm - Class in org.opencv.bgsegm
- Bgsegm() - Constructor for class org.opencv.bgsegm.Bgsegm
- BIF - Class in org.opencv.face
-
Implementation of bio-inspired features (BIF) from the paper: Guo, Guodong, et al.
- BIF(long) - Constructor for class org.opencv.face.BIF
- bilateralFilter(Mat, Mat, int, double, double) - Static method in class org.opencv.imgproc.Imgproc
-
Applies the bilateral filter to an image.
- bilateralFilter(Mat, Mat, int, double, double, int) - Static method in class org.opencv.imgproc.Imgproc
-
Applies the bilateral filter to an image.
- bilateralTextureFilter(Mat, Mat) - Static method in class org.opencv.ximgproc.Ximgproc
-
Applies the bilateral texture filter to an image.
- bilateralTextureFilter(Mat, Mat, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Applies the bilateral texture filter to an image.
- bilateralTextureFilter(Mat, Mat, int, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Applies the bilateral texture filter to an image.
- bilateralTextureFilter(Mat, Mat, int, int, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Applies the bilateral texture filter to an image.
- bilateralTextureFilter(Mat, Mat, int, int, double, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Applies the bilateral texture filter to an image.
- BINARIZATION_NIBLACK - Static variable in class org.opencv.ximgproc.Ximgproc
- BINARIZATION_NICK - Static variable in class org.opencv.ximgproc.Ximgproc
- BINARIZATION_SAUVOLA - Static variable in class org.opencv.ximgproc.Ximgproc
- BINARIZATION_WOLF - Static variable in class org.opencv.ximgproc.Ximgproc
- Bioinspired - Class in org.opencv.bioinspired
- Bioinspired() - Constructor for class org.opencv.bioinspired.Bioinspired
- bitwise_and(Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
computes bitwise conjunction of the two arrays (dst = src1 & src2) Calculates the per-element bit-wise conjunction of two arrays or an array and a scalar.
- bitwise_and(Mat, Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
computes bitwise conjunction of the two arrays (dst = src1 & src2) Calculates the per-element bit-wise conjunction of two arrays or an array and a scalar.
- bitwise_not(Mat, Mat) - Static method in class org.opencv.core.Core
-
Inverts every bit of an array.
- bitwise_not(Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Inverts every bit of an array.
- bitwise_or(Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates the per-element bit-wise disjunction of two arrays or an array and a scalar.
- bitwise_or(Mat, Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates the per-element bit-wise disjunction of two arrays or an array and a scalar.
- bitwise_xor(Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates the per-element bit-wise "exclusive or" operation on two arrays or an array and a scalar.
- bitwise_xor(Mat, Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates the per-element bit-wise "exclusive or" operation on two arrays or an array and a scalar.
- blendLinear(Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
variant without
mask
parameter - blobFromImage(Mat) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from image.
- blobFromImage(Mat, double) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from image.
- blobFromImage(Mat, double, Size) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from image.
- blobFromImage(Mat, double, Size, Scalar) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from image.
- blobFromImage(Mat, double, Size, Scalar, boolean) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from image.
- blobFromImage(Mat, double, Size, Scalar, boolean, boolean) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from image.
- blobFromImage(Mat, double, Size, Scalar, boolean, boolean, int) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from image.
- blobFromImages(List<Mat>) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from series of images.
- blobFromImages(List<Mat>, double) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from series of images.
- blobFromImages(List<Mat>, double, Size) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from series of images.
- blobFromImages(List<Mat>, double, Size, Scalar) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from series of images.
- blobFromImages(List<Mat>, double, Size, Scalar, boolean) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from series of images.
- blobFromImages(List<Mat>, double, Size, Scalar, boolean, boolean) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from series of images.
- blobFromImages(List<Mat>, double, Size, Scalar, boolean, boolean, int) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from series of images.
- blobFromImagesWithParams(List<Mat>) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from series of images with given params.
- blobFromImagesWithParams(List<Mat>, Mat) - Static method in class org.opencv.dnn.Dnn
- blobFromImagesWithParams(List<Mat>, Mat, Image2BlobParams) - Static method in class org.opencv.dnn.Dnn
- blobFromImagesWithParams(List<Mat>, Image2BlobParams) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from series of images with given params.
- blobFromImageWithParams(Mat) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from image with given params.
- blobFromImageWithParams(Mat, Mat) - Static method in class org.opencv.dnn.Dnn
- blobFromImageWithParams(Mat, Mat, Image2BlobParams) - Static method in class org.opencv.dnn.Dnn
- blobFromImageWithParams(Mat, Image2BlobParams) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from image with given params.
- blobRectsToImageRects(MatOfRect, MatOfRect, Size) - Method in class org.opencv.dnn.Image2BlobParams
-
Get rectangle coordinates in original image system from rectangle in blob coordinates.
- blobRectToImageRect(Rect, Size) - Method in class org.opencv.dnn.Image2BlobParams
-
Get rectangle coordinates in original image system from rectangle in blob coordinates.
- BLOCK_MEAN_HASH_MODE_0 - Static variable in class org.opencv.img_hash.Img_hash
- BLOCK_MEAN_HASH_MODE_1 - Static variable in class org.opencv.img_hash.Img_hash
- blockMeanHash(Mat, Mat) - Static method in class org.opencv.img_hash.Img_hash
-
Computes block mean hash of the input image
- blockMeanHash(Mat, Mat, int) - Static method in class org.opencv.img_hash.Img_hash
-
Computes block mean hash of the input image
- BlockMeanHash - Class in org.opencv.img_hash
-
Image hash based on block mean.
- BlockMeanHash(long) - Constructor for class org.opencv.img_hash.BlockMeanHash
- blur(Mat, Mat, Size) - Static method in class org.opencv.imgproc.Imgproc
-
Blurs an image using the normalized box filter.
- blur(Mat, Mat, Size, Point) - Static method in class org.opencv.imgproc.Imgproc
-
Blurs an image using the normalized box filter.
- blur(Mat, Mat, Size, Point, int) - Static method in class org.opencv.imgproc.Imgproc
-
Blurs an image using the normalized box filter.
- BM3D_STEP1 - Static variable in class org.opencv.xphoto.Xphoto
- BM3D_STEP2 - Static variable in class org.opencv.xphoto.Xphoto
- BM3D_STEPALL - Static variable in class org.opencv.xphoto.Xphoto
- bm3dDenoising(Mat, Mat) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, float) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, float, int) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, float, int, int) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, float, int, int, int) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, float, int, int, int, int) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, float, int, int, int, int, int) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, float, int, int, int, int, int, int) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, float, int, int, int, int, int, int, float) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, float, int, int, int, int, int, int, float, int) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, float, int, int, int, int, int, int, float, int, int) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, float, int, int, int, int, int, int, float, int, int, int) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, Mat) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, Mat, float) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, Mat, float, int) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, Mat, float, int, int) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, Mat, float, int, int, int) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, Mat, float, int, int, int, int) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, Mat, float, int, int, int, int, int) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, Mat, float, int, int, int, int, int, int) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, Mat, float, int, int, int, int, int, int, float) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, Mat, float, int, int, int, int, int, int, float, int) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, Mat, float, int, int, int, int, int, int, float, int, int) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- bm3dDenoising(Mat, Mat, Mat, float, int, int, int, int, int, int, float, int, int, int) - Static method in class org.opencv.xphoto.Xphoto
-
Performs image denoising using the Block-Matching and 3D-filtering algorithm <http://www.cs.tut.fi/~foi/GCF-BM3D/BM3D_TIP_2007.pdf> with several computational optimizations.
- Board - Class in org.opencv.objdetect
-
Board of ArUco markers A board is a set of markers in the 3D space with a common coordinate system.
- Board(long) - Constructor for class org.opencv.objdetect.Board
- Board(List<Mat>, Dictionary, Mat) - Constructor for class org.opencv.objdetect.Board
-
Common Board constructor
- Boost - Class in org.opencv.ml
-
Boosted tree classifier derived from DTrees SEE: REF: ml_intro_boost
- Boost(long) - Constructor for class org.opencv.ml.Boost
- BoostDesc - Class in org.opencv.xfeatures2d
-
Class implementing BoostDesc (Learning Image Descriptors with Boosting), described in CITE: Trzcinski13a and CITE: Trzcinski13b.
- BoostDesc(long) - Constructor for class org.opencv.xfeatures2d.BoostDesc
- BORDER_CONSTANT - Static variable in class org.opencv.core.Core
- BORDER_DEFAULT - Static variable in class org.opencv.core.Core
- BORDER_ISOLATED - Static variable in class org.opencv.core.Core
- BORDER_REFLECT - Static variable in class org.opencv.core.Core
- BORDER_REFLECT_101 - Static variable in class org.opencv.core.Core
- BORDER_REFLECT101 - Static variable in class org.opencv.core.Core
- BORDER_REPLICATE - Static variable in class org.opencv.core.Core
- BORDER_TRANSPARENT - Static variable in class org.opencv.core.Core
- BORDER_WRAP - Static variable in class org.opencv.core.Core
- borderInterpolate(int, int, int) - Static method in class org.opencv.core.Core
-
Computes the source location of an extrapolated pixel.
- boundingRect() - Method in class org.opencv.core.RotatedRect
- boundingRect(Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the up-right bounding rectangle of a point set or non-zero pixels of gray-scale image.
- BOWImgDescriptorExtractor - Class in org.opencv.features2d
-
Class to compute an image descriptor using the *bag of visual words*.
- BOWImgDescriptorExtractor(long) - Constructor for class org.opencv.features2d.BOWImgDescriptorExtractor
- BOWImgDescriptorExtractor(Feature2D, DescriptorMatcher) - Constructor for class org.opencv.features2d.BOWImgDescriptorExtractor
-
The constructor.
- BOWKMeansTrainer - Class in org.opencv.features2d
-
kmeans -based class to train visual vocabulary using the *bag of visual words* approach.
- BOWKMeansTrainer(int) - Constructor for class org.opencv.features2d.BOWKMeansTrainer
-
The constructor.
- BOWKMeansTrainer(int, TermCriteria) - Constructor for class org.opencv.features2d.BOWKMeansTrainer
-
The constructor.
- BOWKMeansTrainer(int, TermCriteria, int) - Constructor for class org.opencv.features2d.BOWKMeansTrainer
-
The constructor.
- BOWKMeansTrainer(int, TermCriteria, int, int) - Constructor for class org.opencv.features2d.BOWKMeansTrainer
-
The constructor.
- BOWKMeansTrainer(long) - Constructor for class org.opencv.features2d.BOWKMeansTrainer
- BOWTrainer - Class in org.opencv.features2d
-
Abstract base class for training the *bag of visual words* vocabulary from a set of descriptors.
- BOWTrainer(long) - Constructor for class org.opencv.features2d.BOWTrainer
- boxFilter(Mat, Mat, int, Size) - Static method in class org.opencv.imgproc.Imgproc
-
Blurs an image using the box filter.
- boxFilter(Mat, Mat, int, Size, Point) - Static method in class org.opencv.imgproc.Imgproc
-
Blurs an image using the box filter.
- boxFilter(Mat, Mat, int, Size, Point, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
Blurs an image using the box filter.
- boxFilter(Mat, Mat, int, Size, Point, boolean, int) - Static method in class org.opencv.imgproc.Imgproc
-
Blurs an image using the box filter.
- boxPoints(RotatedRect, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Finds the four vertices of a rotated rect.
- br() - Method in class org.opencv.core.Rect
- br() - Method in class org.opencv.core.Rect2d
- BriefDescriptorExtractor - Class in org.opencv.xfeatures2d
-
Class for computing BRIEF descriptors described in CITE: calon2010 .
- BriefDescriptorExtractor(long) - Constructor for class org.opencv.xfeatures2d.BriefDescriptorExtractor
- BRISK - Class in org.opencv.features2d
-
Class implementing the BRISK keypoint detector and descriptor extractor, described in CITE: LCS11 .
- BRISK(long) - Constructor for class org.opencv.features2d.BRISK
- broadcast(Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Broadcast the given Mat to the given shape.
- BRUTE_FORCE - Static variable in class org.opencv.ml.KNearest
- BRUTEFORCE - Static variable in class org.opencv.features2d.DescriptorMatcher
- BRUTEFORCE_HAMMING - Static variable in class org.opencv.features2d.DescriptorMatcher
- BRUTEFORCE_HAMMINGLUT - Static variable in class org.opencv.features2d.DescriptorMatcher
- BRUTEFORCE_L1 - Static variable in class org.opencv.features2d.DescriptorMatcher
- BRUTEFORCE_SL2 - Static variable in class org.opencv.features2d.DescriptorMatcher
- buildMap(Point) - Method in class org.opencv.imgproc.IntelligentScissorsMB
-
Prepares a map of optimal paths for the given source point on the image Note: applyImage() / applyImageFeatures() must be called before this call
- buildOpticalFlowPyramid(Mat, List<Mat>, Size, int) - Static method in class org.opencv.video.Video
-
Constructs the image pyramid which can be passed to calcOpticalFlowPyrLK.
- buildOpticalFlowPyramid(Mat, List<Mat>, Size, int, boolean) - Static method in class org.opencv.video.Video
-
Constructs the image pyramid which can be passed to calcOpticalFlowPyrLK.
- buildOpticalFlowPyramid(Mat, List<Mat>, Size, int, boolean, int) - Static method in class org.opencv.video.Video
-
Constructs the image pyramid which can be passed to calcOpticalFlowPyrLK.
- buildOpticalFlowPyramid(Mat, List<Mat>, Size, int, boolean, int, int) - Static method in class org.opencv.video.Video
-
Constructs the image pyramid which can be passed to calcOpticalFlowPyrLK.
- buildOpticalFlowPyramid(Mat, List<Mat>, Size, int, boolean, int, int, boolean) - Static method in class org.opencv.video.Video
-
Constructs the image pyramid which can be passed to calcOpticalFlowPyrLK.
C
- C - Static variable in class org.opencv.ml.SVM
- C_SVC - Static variable in class org.opencv.ml.SVM
- calc(Mat, Mat, Mat) - Method in class org.opencv.video.DenseOpticalFlow
-
Calculates an optical flow.
- calc(Mat, Mat, Mat, Mat, Mat) - Method in class org.opencv.video.SparseOpticalFlow
-
Calculates a sparse optical flow.
- calc(Mat, Mat, Mat, Mat, Mat, Mat) - Method in class org.opencv.video.SparseOpticalFlow
-
Calculates a sparse optical flow.
- calcBackProject(List<Mat>, MatOfInt, Mat, Mat, MatOfFloat, double) - Static method in class org.opencv.imgproc.Imgproc
- calcCovarMatrix(Mat, Mat, Mat, int) - Static method in class org.opencv.core.Core
-
Note: use #COVAR_ROWS or #COVAR_COLS flag
- calcCovarMatrix(Mat, Mat, Mat, int, int) - Static method in class org.opencv.core.Core
-
Note: use #COVAR_ROWS or #COVAR_COLS flag
- calcError(TrainData, boolean, Mat) - Method in class org.opencv.ml.StatModel
-
Computes error on the training or test dataset
- calcHist(List<Mat>, MatOfInt, Mat, Mat, MatOfInt, MatOfFloat) - Static method in class org.opencv.imgproc.Imgproc
-
this variant supports only uniform histograms.
- calcHist(List<Mat>, MatOfInt, Mat, Mat, MatOfInt, MatOfFloat, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
this variant supports only uniform histograms.
- calcOpticalFlowFarneback(Mat, Mat, Mat, double, int, int, int, int, double, int) - Static method in class org.opencv.video.Video
-
Computes a dense optical flow using the Gunnar Farneback's algorithm.
- calcOpticalFlowPyrLK(Mat, Mat, MatOfPoint2f, MatOfPoint2f, MatOfByte, MatOfFloat) - Static method in class org.opencv.video.Video
-
Calculates an optical flow for a sparse feature set using the iterative Lucas-Kanade method with pyramids.
- calcOpticalFlowPyrLK(Mat, Mat, MatOfPoint2f, MatOfPoint2f, MatOfByte, MatOfFloat, Size) - Static method in class org.opencv.video.Video
-
Calculates an optical flow for a sparse feature set using the iterative Lucas-Kanade method with pyramids.
- calcOpticalFlowPyrLK(Mat, Mat, MatOfPoint2f, MatOfPoint2f, MatOfByte, MatOfFloat, Size, int) - Static method in class org.opencv.video.Video
-
Calculates an optical flow for a sparse feature set using the iterative Lucas-Kanade method with pyramids.
- calcOpticalFlowPyrLK(Mat, Mat, MatOfPoint2f, MatOfPoint2f, MatOfByte, MatOfFloat, Size, int, TermCriteria) - Static method in class org.opencv.video.Video
-
Calculates an optical flow for a sparse feature set using the iterative Lucas-Kanade method with pyramids.
- calcOpticalFlowPyrLK(Mat, Mat, MatOfPoint2f, MatOfPoint2f, MatOfByte, MatOfFloat, Size, int, TermCriteria, int) - Static method in class org.opencv.video.Video
-
Calculates an optical flow for a sparse feature set using the iterative Lucas-Kanade method with pyramids.
- calcOpticalFlowPyrLK(Mat, Mat, MatOfPoint2f, MatOfPoint2f, MatOfByte, MatOfFloat, Size, int, TermCriteria, int, double) - Static method in class org.opencv.video.Video
-
Calculates an optical flow for a sparse feature set using the iterative Lucas-Kanade method with pyramids.
- calculateShift(Mat, Mat) - Method in class org.opencv.photo.AlignMTB
-
Calculates shift between two images, i.
- calcUV(Mat, Mat, Mat, Mat) - Method in class org.opencv.video.VariationalRefinement
-
REF: calc function overload to handle separate horizontal (u) and vertical (v) flow components (to avoid extra splits/merges)
- CALIB_CB_ACCURACY - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_CB_ADAPTIVE_THRESH - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_CB_ASYMMETRIC_GRID - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_CB_CLUSTERING - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_CB_EXHAUSTIVE - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_CB_FAST_CHECK - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_CB_FILTER_QUADS - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_CB_LARGER - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_CB_MARKER - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_CB_NORMALIZE_IMAGE - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_CB_PLAIN - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_CB_SYMMETRIC_GRID - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_FIX_ASPECT_RATIO - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_FIX_FOCAL_LENGTH - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_FIX_INTRINSIC - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_FIX_K1 - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_FIX_K2 - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_FIX_K3 - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_FIX_K4 - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_FIX_K5 - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_FIX_K6 - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_FIX_PRINCIPAL_POINT - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_FIX_S1_S2_S3_S4 - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_FIX_TANGENT_DIST - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_FIX_TAUX_TAUY - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_HAND_EYE_ANDREFF - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_HAND_EYE_DANIILIDIS - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_HAND_EYE_HORAUD - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_HAND_EYE_PARK - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_HAND_EYE_TSAI - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_NINTRINSIC - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_RATIONAL_MODEL - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_ROBOT_WORLD_HAND_EYE_LI - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_ROBOT_WORLD_HAND_EYE_SHAH - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_SAME_FOCAL_LENGTH - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_THIN_PRISM_MODEL - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_TILTED_MODEL - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_USE_EXTRINSIC_GUESS - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_USE_INTRINSIC_GUESS - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_USE_LU - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_USE_QR - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_ZERO_DISPARITY - Static variable in class org.opencv.calib3d.Calib3d
- CALIB_ZERO_TANGENT_DIST - Static variable in class org.opencv.calib3d.Calib3d
- Calib3d - Class in org.opencv.calib3d
- Calib3d() - Constructor for class org.opencv.calib3d.Calib3d
- calibrateCamera(List<Mat>, List<Mat>, Size, Mat, Mat, List<Mat>, List<Mat>) - Static method in class org.opencv.calib3d.Calib3d
- calibrateCamera(List<Mat>, List<Mat>, Size, Mat, Mat, List<Mat>, List<Mat>, int) - Static method in class org.opencv.calib3d.Calib3d
- calibrateCamera(List<Mat>, List<Mat>, Size, Mat, Mat, List<Mat>, List<Mat>, int, TermCriteria) - Static method in class org.opencv.calib3d.Calib3d
- calibrateCameraAruco(List<Mat>, Mat, Mat, Board, Size, Mat, Mat) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use Board::matchImagePoints and cv::solvePnP
- calibrateCameraAruco(List<Mat>, Mat, Mat, Board, Size, Mat, Mat, List<Mat>) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use Board::matchImagePoints and cv::solvePnP
- calibrateCameraAruco(List<Mat>, Mat, Mat, Board, Size, Mat, Mat, List<Mat>, List<Mat>) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use Board::matchImagePoints and cv::solvePnP
- calibrateCameraAruco(List<Mat>, Mat, Mat, Board, Size, Mat, Mat, List<Mat>, List<Mat>, int) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use Board::matchImagePoints and cv::solvePnP
- calibrateCameraAruco(List<Mat>, Mat, Mat, Board, Size, Mat, Mat, List<Mat>, List<Mat>, int, TermCriteria) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use Board::matchImagePoints and cv::solvePnP
- calibrateCameraArucoExtended(List<Mat>, Mat, Mat, Board, Size, Mat, Mat, List<Mat>, List<Mat>, Mat, Mat, Mat) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use Board::matchImagePoints and cv::solvePnP
- calibrateCameraArucoExtended(List<Mat>, Mat, Mat, Board, Size, Mat, Mat, List<Mat>, List<Mat>, Mat, Mat, Mat, int) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use Board::matchImagePoints and cv::solvePnP
- calibrateCameraArucoExtended(List<Mat>, Mat, Mat, Board, Size, Mat, Mat, List<Mat>, List<Mat>, Mat, Mat, Mat, int, TermCriteria) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use Board::matchImagePoints and cv::solvePnP
- calibrateCameraCharuco(List<Mat>, List<Mat>, CharucoBoard, Size, Mat, Mat) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use CharucoBoard::matchImagePoints and cv::solvePnP
- calibrateCameraCharuco(List<Mat>, List<Mat>, CharucoBoard, Size, Mat, Mat, List<Mat>) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use CharucoBoard::matchImagePoints and cv::solvePnP
- calibrateCameraCharuco(List<Mat>, List<Mat>, CharucoBoard, Size, Mat, Mat, List<Mat>, List<Mat>) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use CharucoBoard::matchImagePoints and cv::solvePnP
- calibrateCameraCharuco(List<Mat>, List<Mat>, CharucoBoard, Size, Mat, Mat, List<Mat>, List<Mat>, int) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use CharucoBoard::matchImagePoints and cv::solvePnP
- calibrateCameraCharuco(List<Mat>, List<Mat>, CharucoBoard, Size, Mat, Mat, List<Mat>, List<Mat>, int, TermCriteria) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use CharucoBoard::matchImagePoints and cv::solvePnP
- calibrateCameraCharucoExtended(List<Mat>, List<Mat>, CharucoBoard, Size, Mat, Mat, List<Mat>, List<Mat>, Mat, Mat, Mat) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use CharucoBoard::matchImagePoints and cv::solvePnP
- calibrateCameraCharucoExtended(List<Mat>, List<Mat>, CharucoBoard, Size, Mat, Mat, List<Mat>, List<Mat>, Mat, Mat, Mat, int) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use CharucoBoard::matchImagePoints and cv::solvePnP
- calibrateCameraCharucoExtended(List<Mat>, List<Mat>, CharucoBoard, Size, Mat, Mat, List<Mat>, List<Mat>, Mat, Mat, Mat, int, TermCriteria) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use CharucoBoard::matchImagePoints and cv::solvePnP
- calibrateCameraExtended(List<Mat>, List<Mat>, Size, Mat, Mat, List<Mat>, List<Mat>, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Finds the camera intrinsic and extrinsic parameters from several views of a calibration pattern.
- calibrateCameraExtended(List<Mat>, List<Mat>, Size, Mat, Mat, List<Mat>, List<Mat>, Mat, Mat, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
-
Finds the camera intrinsic and extrinsic parameters from several views of a calibration pattern.
- calibrateCameraExtended(List<Mat>, List<Mat>, Size, Mat, Mat, List<Mat>, List<Mat>, Mat, Mat, Mat, int, TermCriteria) - Static method in class org.opencv.calib3d.Calib3d
-
Finds the camera intrinsic and extrinsic parameters from several views of a calibration pattern.
- calibrateCameraRO(List<Mat>, List<Mat>, Size, int, Mat, Mat, List<Mat>, List<Mat>, Mat) - Static method in class org.opencv.calib3d.Calib3d
- calibrateCameraRO(List<Mat>, List<Mat>, Size, int, Mat, Mat, List<Mat>, List<Mat>, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
- calibrateCameraRO(List<Mat>, List<Mat>, Size, int, Mat, Mat, List<Mat>, List<Mat>, Mat, int, TermCriteria) - Static method in class org.opencv.calib3d.Calib3d
- calibrateCameraROExtended(List<Mat>, List<Mat>, Size, int, Mat, Mat, List<Mat>, List<Mat>, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Finds the camera intrinsic and extrinsic parameters from several views of a calibration pattern.
- calibrateCameraROExtended(List<Mat>, List<Mat>, Size, int, Mat, Mat, List<Mat>, List<Mat>, Mat, Mat, Mat, Mat, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
-
Finds the camera intrinsic and extrinsic parameters from several views of a calibration pattern.
- calibrateCameraROExtended(List<Mat>, List<Mat>, Size, int, Mat, Mat, List<Mat>, List<Mat>, Mat, Mat, Mat, Mat, Mat, int, TermCriteria) - Static method in class org.opencv.calib3d.Calib3d
-
Finds the camera intrinsic and extrinsic parameters from several views of a calibration pattern.
- CalibrateCRF - Class in org.opencv.photo
-
The base class for camera response calibration algorithms.
- CalibrateCRF(long) - Constructor for class org.opencv.photo.CalibrateCRF
- CalibrateDebevec - Class in org.opencv.photo
-
Inverse camera response function is extracted for each brightness value by minimizing an objective function as linear system.
- CalibrateDebevec(long) - Constructor for class org.opencv.photo.CalibrateDebevec
- calibrateHandEye(List<Mat>, List<Mat>, List<Mat>, List<Mat>, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Computes Hand-Eye calibration: \(_{}^{g}\textrm{T}_c\)
- calibrateHandEye(List<Mat>, List<Mat>, List<Mat>, List<Mat>, Mat, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
-
Computes Hand-Eye calibration: \(_{}^{g}\textrm{T}_c\)
- CalibrateRobertson - Class in org.opencv.photo
-
Inverse camera response function is extracted for each brightness value by minimizing an objective function as linear system.
- CalibrateRobertson(long) - Constructor for class org.opencv.photo.CalibrateRobertson
- calibrateRobotWorldHandEye(List<Mat>, List<Mat>, List<Mat>, List<Mat>, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Computes Robot-World/Hand-Eye calibration: \(_{}^{w}\textrm{T}_b\) and \(_{}^{c}\textrm{T}_g\)
- calibrateRobotWorldHandEye(List<Mat>, List<Mat>, List<Mat>, List<Mat>, Mat, Mat, Mat, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
-
Computes Robot-World/Hand-Eye calibration: \(_{}^{w}\textrm{T}_b\) and \(_{}^{c}\textrm{T}_g\)
- calibrationMatrixValues(Mat, Size, double, double, double[], double[], double[], Point, double[]) - Static method in class org.opencv.calib3d.Calib3d
-
Computes useful camera characteristics from the camera intrinsic matrix.
- CamShift(Mat, Rect, TermCriteria) - Static method in class org.opencv.video.Video
-
Finds an object center, size, and orientation.
- Canny(Mat, Mat, double, double) - Static method in class org.opencv.imgproc.Imgproc
-
Finds edges in an image using the Canny algorithm CITE: Canny86 .
- Canny(Mat, Mat, double, double, int) - Static method in class org.opencv.imgproc.Imgproc
-
Finds edges in an image using the Canny algorithm CITE: Canny86 .
- Canny(Mat, Mat, double, double, int, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
Finds edges in an image using the Canny algorithm CITE: Canny86 .
- Canny(Mat, Mat, Mat, double, double) - Static method in class org.opencv.imgproc.Imgproc
-
\overload Finds edges in an image using the Canny algorithm with custom image gradient.
- Canny(Mat, Mat, Mat, double, double, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
\overload Finds edges in an image using the Canny algorithm with custom image gradient.
- CAP_ANDROID - Static variable in class org.opencv.videoio.Videoio
- CAP_ANY - Static variable in class org.opencv.videoio.Videoio
- CAP_ARAVIS - Static variable in class org.opencv.videoio.Videoio
- CAP_AVFOUNDATION - Static variable in class org.opencv.videoio.Videoio
- CAP_CMU1394 - Static variable in class org.opencv.videoio.Videoio
- CAP_DC1394 - Static variable in class org.opencv.videoio.Videoio
- CAP_DSHOW - Static variable in class org.opencv.videoio.Videoio
- CAP_FFMPEG - Static variable in class org.opencv.videoio.Videoio
- CAP_FIREWARE - Static variable in class org.opencv.videoio.Videoio
- CAP_FIREWIRE - Static variable in class org.opencv.videoio.Videoio
- CAP_GIGANETIX - Static variable in class org.opencv.videoio.Videoio
- CAP_GPHOTO2 - Static variable in class org.opencv.videoio.Videoio
- CAP_GSTREAMER - Static variable in class org.opencv.videoio.Videoio
- CAP_IEEE1394 - Static variable in class org.opencv.videoio.Videoio
- CAP_IMAGES - Static variable in class org.opencv.videoio.Videoio
- CAP_INTEL_MFX - Static variable in class org.opencv.videoio.Videoio
- CAP_INTELPERC - Static variable in class org.opencv.videoio.Videoio
- CAP_INTELPERC_DEPTH_GENERATOR - Static variable in class org.opencv.videoio.Videoio
- CAP_INTELPERC_DEPTH_MAP - Static variable in class org.opencv.videoio.Videoio
- CAP_INTELPERC_GENERATORS_MASK - Static variable in class org.opencv.videoio.Videoio
- CAP_INTELPERC_IMAGE - Static variable in class org.opencv.videoio.Videoio
- CAP_INTELPERC_IMAGE_GENERATOR - Static variable in class org.opencv.videoio.Videoio
- CAP_INTELPERC_IR_GENERATOR - Static variable in class org.opencv.videoio.Videoio
- CAP_INTELPERC_IR_MAP - Static variable in class org.opencv.videoio.Videoio
- CAP_INTELPERC_UVDEPTH_MAP - Static variable in class org.opencv.videoio.Videoio
- CAP_MSMF - Static variable in class org.opencv.videoio.Videoio
- CAP_OBSENSOR - Static variable in class org.opencv.videoio.Videoio
- CAP_OBSENSOR_BGR_IMAGE - Static variable in class org.opencv.videoio.Videoio
- CAP_OBSENSOR_DEPTH_GENERATOR - Static variable in class org.opencv.videoio.Videoio
- CAP_OBSENSOR_DEPTH_MAP - Static variable in class org.opencv.videoio.Videoio
- CAP_OBSENSOR_GENERATORS_MASK - Static variable in class org.opencv.videoio.Videoio
- CAP_OBSENSOR_IMAGE_GENERATOR - Static variable in class org.opencv.videoio.Videoio
- CAP_OBSENSOR_IR_GENERATOR - Static variable in class org.opencv.videoio.Videoio
- CAP_OBSENSOR_IR_IMAGE - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENCV_MJPEG - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_ASUS - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_BGR_IMAGE - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_DEPTH_GENERATOR - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_DEPTH_GENERATOR_BASELINE - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_DEPTH_GENERATOR_FOCAL_LENGTH - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_DEPTH_GENERATOR_PRESENT - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_DEPTH_GENERATOR_REGISTRATION_ON - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_DEPTH_MAP - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_DISPARITY_MAP - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_DISPARITY_MAP_32F - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_GENERATORS_MASK - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_GRAY_IMAGE - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_IMAGE_GENERATOR - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_IMAGE_GENERATOR_OUTPUT_MODE - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_IMAGE_GENERATOR_PRESENT - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_IR_GENERATOR - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_IR_GENERATOR_PRESENT - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_IR_IMAGE - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_POINT_CLOUD_MAP - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_QVGA_30HZ - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_QVGA_60HZ - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_SXGA_15HZ - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_SXGA_30HZ - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_VALID_DEPTH_MASK - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI_VGA_30HZ - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI2 - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI2_ASTRA - Static variable in class org.opencv.videoio.Videoio
- CAP_OPENNI2_ASUS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_APERTURE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_ARAVIS_AUTOTRIGGER - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_AUDIO_BASE_INDEX - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_AUDIO_DATA_DEPTH - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_AUDIO_POS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_AUDIO_SAMPLES_PER_SECOND - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_AUDIO_SHIFT_NSEC - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_AUDIO_STREAM - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_AUDIO_SYNCHRONIZE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_AUDIO_TOTAL_CHANNELS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_AUDIO_TOTAL_STREAMS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_AUTO_EXPOSURE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_AUTO_WB - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_AUTOFOCUS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_BACKEND - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_BACKLIGHT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_BITRATE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_BRIGHTNESS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_BUFFERSIZE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_CHANNEL - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_CODEC_EXTRADATA_INDEX - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_CODEC_PIXEL_FORMAT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_CONTRAST - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_CONVERT_RGB - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_DC1394_MAX - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_DC1394_MODE_AUTO - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_DC1394_MODE_MANUAL - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_DC1394_MODE_ONE_PUSH_AUTO - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_DC1394_OFF - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_DTS_DELAY - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_EXPOSURE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_EXPOSUREPROGRAM - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_FOCUS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_FORMAT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_FOURCC - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_FPS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_FRAME_COUNT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_FRAME_HEIGHT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_FRAME_TYPE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_FRAME_WIDTH - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_GAIN - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_GAMMA - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_GIGA_FRAME_HEIGH_MAX - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_GIGA_FRAME_OFFSET_X - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_GIGA_FRAME_OFFSET_Y - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_GIGA_FRAME_SENS_HEIGH - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_GIGA_FRAME_SENS_WIDTH - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_GIGA_FRAME_WIDTH_MAX - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_GPHOTO2_COLLECT_MSGS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_GPHOTO2_FLUSH_MSGS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_GPHOTO2_PREVIEW - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_GPHOTO2_RELOAD_CONFIG - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_GPHOTO2_RELOAD_ON_CHANGE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_GPHOTO2_WIDGET_ENUMERATE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_GSTREAMER_QUEUE_LENGTH - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_GUID - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_HUE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_HW_ACCELERATION - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_HW_ACCELERATION_USE_OPENCL - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_HW_DEVICE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_IMAGES_BASE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_IMAGES_LAST - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_INTELPERC_DEPTH_CONFIDENCE_THRESHOLD - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_HORZ - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_INTELPERC_DEPTH_FOCAL_LENGTH_VERT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_INTELPERC_DEPTH_LOW_CONFIDENCE_VALUE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_INTELPERC_DEPTH_SATURATION_VALUE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_INTELPERC_PROFILE_COUNT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_INTELPERC_PROFILE_IDX - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_IOS_DEVICE_EXPOSURE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_IOS_DEVICE_FLASH - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_IOS_DEVICE_FOCUS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_IOS_DEVICE_TORCH - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_IOS_DEVICE_WHITEBALANCE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_IRIS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_ISO_SPEED - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_LRF_HAS_KEY_FRAME - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_MODE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_MONOCHROME - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_N_THREADS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_OBSENSOR_INTRINSIC_CX - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_OBSENSOR_INTRINSIC_CY - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_OBSENSOR_INTRINSIC_FX - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_OBSENSOR_INTRINSIC_FY - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_OPEN_TIMEOUT_MSEC - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_OPENNI_APPROX_FRAME_SYNC - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_OPENNI_BASELINE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_OPENNI_CIRCLE_BUFFER - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_OPENNI_FOCAL_LENGTH - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_OPENNI_FRAME_MAX_DEPTH - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_OPENNI_GENERATOR_PRESENT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_OPENNI_MAX_BUFFER_SIZE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_OPENNI_MAX_TIME_DURATION - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_OPENNI_OUTPUT_MODE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_OPENNI_REGISTRATION - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_OPENNI_REGISTRATION_ON - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_OPENNI2_MIRROR - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_OPENNI2_SYNC - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_ORIENTATION_AUTO - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_ORIENTATION_META - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_PAN - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_POS_AVI_RATIO - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_POS_FRAMES - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_POS_MSEC - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_PTS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_PVAPI_BINNINGX - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_PVAPI_BINNINGY - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_PVAPI_DECIMATIONHORIZONTAL - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_PVAPI_DECIMATIONVERTICAL - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_PVAPI_FRAMESTARTTRIGGERMODE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_PVAPI_MULTICASTIP - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_PVAPI_PIXELFORMAT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_READ_TIMEOUT_MSEC - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_RECTIFICATION - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_ROLL - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_SAR_DEN - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_SAR_NUM - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_SATURATION - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_SETTINGS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_SHARPNESS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_SPEED - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_STREAM_OPEN_TIME_USEC - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_TEMPERATURE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_TILT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_TRIGGER - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_TRIGGER_DELAY - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_VIDEO_STREAM - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_VIDEO_TOTAL_CHANNELS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_VIEWFINDER - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_WB_TEMPERATURE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_WHITE_BALANCE_BLUE_U - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_WHITE_BALANCE_RED_V - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_ACQ_BUFFER_SIZE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_ACQ_BUFFER_SIZE_UNIT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_ACQ_FRAME_BURST_COUNT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_ACQ_TIMING_MODE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_COMMIT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_ACQ_TRANSPORT_BUFFER_SIZE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_AE_MAX_LIMIT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_AEAG - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_AEAG_LEVEL - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_AEAG_ROI_HEIGHT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_AEAG_ROI_OFFSET_X - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_AEAG_ROI_OFFSET_Y - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_AEAG_ROI_WIDTH - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_AG_MAX_LIMIT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_APPLY_CMS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_AUTO_BANDWIDTH_CALCULATION - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_AUTO_WB - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_AVAILABLE_BANDWIDTH - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_BINNING_HORIZONTAL - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_BINNING_PATTERN - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_BINNING_SELECTOR - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_BINNING_VERTICAL - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_BPC - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_BUFFER_POLICY - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_BUFFERS_QUEUE_SIZE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_CC_MATRIX_00 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_CC_MATRIX_01 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_CC_MATRIX_02 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_CC_MATRIX_03 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_CC_MATRIX_10 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_CC_MATRIX_11 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_CC_MATRIX_12 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_CC_MATRIX_13 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_CC_MATRIX_20 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_CC_MATRIX_21 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_CC_MATRIX_22 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_CC_MATRIX_23 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_CC_MATRIX_30 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_CC_MATRIX_31 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_CC_MATRIX_32 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_CC_MATRIX_33 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_CHIP_TEMP - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_CMS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_COLOR_FILTER_ARRAY - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_COLUMN_FPN_CORRECTION - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_COOLING - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_COUNTER_SELECTOR - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_COUNTER_VALUE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_DATA_FORMAT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_DEBOUNCE_EN - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_DEBOUNCE_POL - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_DEBOUNCE_T0 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_DEBOUNCE_T1 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_DEBUG_LEVEL - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_DECIMATION_HORIZONTAL - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_DECIMATION_PATTERN - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_DECIMATION_SELECTOR - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_DECIMATION_VERTICAL - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_DEFAULT_CC_MATRIX - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_DEVICE_MODEL_ID - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_DEVICE_RESET - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_DEVICE_SN - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_DOWNSAMPLING - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_DOWNSAMPLING_TYPE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_EXP_PRIORITY - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_EXPOSURE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_EXPOSURE_BURST_COUNT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_FFS_ACCESS_KEY - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_FFS_FILE_ID - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_FFS_FILE_SIZE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_FRAMERATE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_FREE_FFS_SIZE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_GAIN - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_GAIN_SELECTOR - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_GAMMAC - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_GAMMAY - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_GPI_LEVEL - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_GPI_MODE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_GPI_SELECTOR - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_GPO_MODE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_GPO_SELECTOR - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_HDR - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_HDR_KNEEPOINT_COUNT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_HDR_T1 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_HDR_T2 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_HEIGHT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_HOUS_BACK_SIDE_TEMP - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_HOUS_TEMP - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_HW_REVISION - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_IMAGE_BLACK_LEVEL - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_IMAGE_DATA_BIT_DEPTH - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_IMAGE_DATA_FORMAT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_IMAGE_DATA_FORMAT_RGB32_ALPHA - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_IMAGE_IS_COLOR - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_IMAGE_PAYLOAD_SIZE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_IS_COOLED - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_IS_DEVICE_EXIST - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_KNEEPOINT1 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_KNEEPOINT2 - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_LED_MODE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_LED_SELECTOR - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_LENS_APERTURE_VALUE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_LENS_FEATURE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_LENS_FEATURE_SELECTOR - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_LENS_FOCAL_LENGTH - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_LENS_FOCUS_DISTANCE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_LENS_FOCUS_MOVE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_LENS_FOCUS_MOVEMENT_VALUE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_LENS_MODE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_LIMIT_BANDWIDTH - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_LUT_EN - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_LUT_INDEX - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_LUT_VALUE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_MANUAL_WB - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_OFFSET_X - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_OFFSET_Y - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_OUTPUT_DATA_BIT_DEPTH - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_OUTPUT_DATA_PACKING - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_OUTPUT_DATA_PACKING_TYPE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_RECENT_FRAME - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_REGION_MODE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_REGION_SELECTOR - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_ROW_FPN_CORRECTION - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_SENSOR_BOARD_TEMP - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_SENSOR_CLOCK_FREQ_HZ - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_SENSOR_CLOCK_FREQ_INDEX - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_SENSOR_DATA_BIT_DEPTH - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_SENSOR_FEATURE_SELECTOR - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_SENSOR_FEATURE_VALUE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_SENSOR_MODE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_SENSOR_OUTPUT_CHANNEL_COUNT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_SENSOR_TAPS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_SHARPNESS - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_SHUTTER_TYPE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_TARGET_TEMP - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_TEST_PATTERN - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_TEST_PATTERN_GENERATOR_SELECTOR - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_TIMEOUT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_TRANSPORT_PIXEL_FORMAT - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_TRG_DELAY - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_TRG_SELECTOR - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_TRG_SOFTWARE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_TRG_SOURCE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_TS_RST_MODE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_TS_RST_SOURCE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_USED_FFS_SIZE - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_WB_KB - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_WB_KG - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_WB_KR - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_XI_WIDTH - Static variable in class org.opencv.videoio.Videoio
- CAP_PROP_ZOOM - Static variable in class org.opencv.videoio.Videoio
- CAP_PVAPI - Static variable in class org.opencv.videoio.Videoio
- CAP_PVAPI_DECIMATION_2OUTOF16 - Static variable in class org.opencv.videoio.Videoio
- CAP_PVAPI_DECIMATION_2OUTOF4 - Static variable in class org.opencv.videoio.Videoio
- CAP_PVAPI_DECIMATION_2OUTOF8 - Static variable in class org.opencv.videoio.Videoio
- CAP_PVAPI_DECIMATION_OFF - Static variable in class org.opencv.videoio.Videoio
- CAP_PVAPI_FSTRIGMODE_FIXEDRATE - Static variable in class org.opencv.videoio.Videoio
- CAP_PVAPI_FSTRIGMODE_FREERUN - Static variable in class org.opencv.videoio.Videoio
- CAP_PVAPI_FSTRIGMODE_SOFTWARE - Static variable in class org.opencv.videoio.Videoio
- CAP_PVAPI_FSTRIGMODE_SYNCIN1 - Static variable in class org.opencv.videoio.Videoio
- CAP_PVAPI_FSTRIGMODE_SYNCIN2 - Static variable in class org.opencv.videoio.Videoio
- CAP_PVAPI_PIXELFORMAT_BAYER16 - Static variable in class org.opencv.videoio.Videoio
- CAP_PVAPI_PIXELFORMAT_BAYER8 - Static variable in class org.opencv.videoio.Videoio
- CAP_PVAPI_PIXELFORMAT_BGR24 - Static variable in class org.opencv.videoio.Videoio
- CAP_PVAPI_PIXELFORMAT_BGRA32 - Static variable in class org.opencv.videoio.Videoio
- CAP_PVAPI_PIXELFORMAT_MONO16 - Static variable in class org.opencv.videoio.Videoio
- CAP_PVAPI_PIXELFORMAT_MONO8 - Static variable in class org.opencv.videoio.Videoio
- CAP_PVAPI_PIXELFORMAT_RGB24 - Static variable in class org.opencv.videoio.Videoio
- CAP_PVAPI_PIXELFORMAT_RGBA32 - Static variable in class org.opencv.videoio.Videoio
- CAP_QT - Static variable in class org.opencv.videoio.Videoio
- CAP_REALSENSE - Static variable in class org.opencv.videoio.Videoio
- CAP_UEYE - Static variable in class org.opencv.videoio.Videoio
- CAP_UNICAP - Static variable in class org.opencv.videoio.Videoio
- CAP_V4L - Static variable in class org.opencv.videoio.Videoio
- CAP_V4L2 - Static variable in class org.opencv.videoio.Videoio
- CAP_VFW - Static variable in class org.opencv.videoio.Videoio
- CAP_WINRT - Static variable in class org.opencv.videoio.Videoio
- CAP_XIAPI - Static variable in class org.opencv.videoio.Videoio
- CAP_XINE - Static variable in class org.opencv.videoio.Videoio
- cartToPolar(Mat, Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates the magnitude and angle of 2D vectors.
- cartToPolar(Mat, Mat, Mat, Mat, boolean) - Static method in class org.opencv.core.Core
-
Calculates the magnitude and angle of 2D vectors.
- CASCADE_DO_CANNY_PRUNING - Static variable in class org.opencv.objdetect.Objdetect
- CASCADE_DO_ROUGH_SEARCH - Static variable in class org.opencv.objdetect.Objdetect
- CASCADE_FIND_BIGGEST_OBJECT - Static variable in class org.opencv.objdetect.Objdetect
- CASCADE_SCALE_IMAGE - Static variable in class org.opencv.objdetect.Objdetect
- CascadeClassifier - Class in org.opencv.objdetect
-
Cascade classifier class for object detection.
- CascadeClassifier() - Constructor for class org.opencv.objdetect.CascadeClassifier
- CascadeClassifier(long) - Constructor for class org.opencv.objdetect.CascadeClassifier
- CascadeClassifier(String) - Constructor for class org.opencv.objdetect.CascadeClassifier
-
Loads a classifier from a file.
- CC_STAT_AREA - Static variable in class org.opencv.imgproc.Imgproc
- CC_STAT_HEIGHT - Static variable in class org.opencv.imgproc.Imgproc
- CC_STAT_LEFT - Static variable in class org.opencv.imgproc.Imgproc
- CC_STAT_MAX - Static variable in class org.opencv.imgproc.Imgproc
- CC_STAT_TOP - Static variable in class org.opencv.imgproc.Imgproc
- CC_STAT_WIDTH - Static variable in class org.opencv.imgproc.Imgproc
- CCL_BBDT - Static variable in class org.opencv.imgproc.Imgproc
- CCL_BOLELLI - Static variable in class org.opencv.imgproc.Imgproc
- CCL_DEFAULT - Static variable in class org.opencv.imgproc.Imgproc
- CCL_GRANA - Static variable in class org.opencv.imgproc.Imgproc
- CCL_SAUF - Static variable in class org.opencv.imgproc.Imgproc
- CCL_SPAGHETTI - Static variable in class org.opencv.imgproc.Imgproc
- CCL_WU - Static variable in class org.opencv.imgproc.Imgproc
- center - Variable in class org.opencv.core.RotatedRect
- CHAIN_APPROX_NONE - Static variable in class org.opencv.imgproc.Imgproc
- CHAIN_APPROX_SIMPLE - Static variable in class org.opencv.imgproc.Imgproc
- CHAIN_APPROX_TC89_KCOS - Static variable in class org.opencv.imgproc.Imgproc
- CHAIN_APPROX_TC89_L1 - Static variable in class org.opencv.imgproc.Imgproc
- channels() - Method in class org.opencv.core.Mat
- channels(int) - Static method in class org.opencv.core.CvType
- CharucoBoard - Class in org.opencv.objdetect
-
ChArUco board is a planar chessboard where the markers are placed inside the white squares of a chessboard.
- CharucoBoard(long) - Constructor for class org.opencv.objdetect.CharucoBoard
- CharucoBoard(Size, float, float, Dictionary) - Constructor for class org.opencv.objdetect.CharucoBoard
-
CharucoBoard constructor
- CharucoBoard(Size, float, float, Dictionary, Mat) - Constructor for class org.opencv.objdetect.CharucoBoard
-
CharucoBoard constructor
- CharucoDetector - Class in org.opencv.objdetect
- CharucoDetector(long) - Constructor for class org.opencv.objdetect.CharucoDetector
- CharucoDetector(CharucoBoard) - Constructor for class org.opencv.objdetect.CharucoDetector
-
Basic CharucoDetector constructor
- CharucoDetector(CharucoBoard, CharucoParameters) - Constructor for class org.opencv.objdetect.CharucoDetector
-
Basic CharucoDetector constructor
- CharucoDetector(CharucoBoard, CharucoParameters, DetectorParameters) - Constructor for class org.opencv.objdetect.CharucoDetector
-
Basic CharucoDetector constructor
- CharucoDetector(CharucoBoard, CharucoParameters, DetectorParameters, RefineParameters) - Constructor for class org.opencv.objdetect.CharucoDetector
-
Basic CharucoDetector constructor
- CharucoParameters - Class in org.opencv.objdetect
- CharucoParameters() - Constructor for class org.opencv.objdetect.CharucoParameters
- CharucoParameters(long) - Constructor for class org.opencv.objdetect.CharucoParameters
- checkCharucoCornersCollinear(Mat) - Method in class org.opencv.objdetect.CharucoBoard
-
check whether the ChArUco markers are collinear
- checkChessboard(Mat, Size) - Static method in class org.opencv.calib3d.Calib3d
- checkDetectorSize() - Method in class org.opencv.objdetect.HOGDescriptor
-
Checks if detector size equal to descriptor size.
- checkHardwareSupport(int) - Static method in class org.opencv.core.Core
-
Returns true if the specified feature is supported by the host hardware.
- checkRange(Mat) - Static method in class org.opencv.core.Core
-
Checks every element of an input array for invalid values.
- checkRange(Mat, boolean) - Static method in class org.opencv.core.Core
-
Checks every element of an input array for invalid values.
- checkRange(Mat, boolean, double) - Static method in class org.opencv.core.Core
-
Checks every element of an input array for invalid values.
- checkRange(Mat, boolean, double, double) - Static method in class org.opencv.core.Core
-
Checks every element of an input array for invalid values.
- checkVector(int) - Method in class org.opencv.core.Mat
- checkVector(int, int) - Method in class org.opencv.core.Mat
- checkVector(int, int, boolean) - Method in class org.opencv.core.Mat
- CHI2 - Static variable in class org.opencv.ml.SVM
- circle(Mat, Point, int, Scalar) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a circle.
- circle(Mat, Point, int, Scalar, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a circle.
- circle(Mat, Point, int, Scalar, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a circle.
- circle(Mat, Point, int, Scalar, int, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a circle.
- CirclesGridFinderParameters_ASYMMETRIC_GRID - Static variable in class org.opencv.calib3d.Calib3d
- CirclesGridFinderParameters_SYMMETRIC_GRID - Static variable in class org.opencv.calib3d.Calib3d
- CLAHE - Class in org.opencv.imgproc
-
Base class for Contrast Limited Adaptive Histogram Equalization.
- CLAHE(long) - Constructor for class org.opencv.imgproc.CLAHE
- class_id - Variable in class org.opencv.core.KeyPoint
-
Object ID, that can be used to cluster keypoints by an object they belong to.
- ClassificationModel - Class in org.opencv.dnn
-
This class represents high-level API for classification models.
- ClassificationModel(long) - Constructor for class org.opencv.dnn.ClassificationModel
- ClassificationModel(String) - Constructor for class org.opencv.dnn.ClassificationModel
-
Create classification model from network represented in one of the supported formats.
- ClassificationModel(String, String) - Constructor for class org.opencv.dnn.ClassificationModel
-
Create classification model from network represented in one of the supported formats.
- ClassificationModel(Net) - Constructor for class org.opencv.dnn.ClassificationModel
-
Create model from deep learning network.
- classify(Mat, int[], float[]) - Method in class org.opencv.dnn.ClassificationModel
- clear() - Method in class org.opencv.core.Algorithm
-
Clears the algorithm state
- clear() - Method in class org.opencv.features2d.BOWTrainer
- clear() - Method in class org.opencv.features2d.DescriptorMatcher
-
Clears the train descriptor collections.
- clearAllBuffers() - Method in class org.opencv.bioinspired.TransientAreasSegmentationModule
-
cleans all the buffers of the instance
- clearBuffers() - Method in class org.opencv.bioinspired.Retina
-
Clears all retina buffers (equivalent to opening the eyes after a long period of eye close ;o) whatchout the temporal transition occuring just after this method call.
- clearGraphSegmentations() - Method in class org.opencv.ximgproc.SelectiveSearchSegmentation
-
Clear the list of graph segmentations to process;
- clearImages() - Method in class org.opencv.ximgproc.SelectiveSearchSegmentation
-
Clear the list of images to process
- clearStrategies() - Method in class org.opencv.ximgproc.SelectiveSearchSegmentation
-
Clear the list of strategy to process;
- clearStrategies() - Method in class org.opencv.ximgproc.SelectiveSearchSegmentationStrategyMultiple
-
Remove all sub-strategies
- clipLine(Rect, Point, Point) - Static method in class org.opencv.imgproc.Imgproc
- clone() - Method in class org.opencv.core.Mat
- clone() - Method in class org.opencv.core.Point
- clone() - Method in class org.opencv.core.Point3
- clone() - Method in class org.opencv.core.Range
- clone() - Method in class org.opencv.core.Rect
- clone() - Method in class org.opencv.core.Rect2d
- clone() - Method in class org.opencv.core.RotatedRect
- clone() - Method in class org.opencv.core.Scalar
- clone() - Method in class org.opencv.core.Size
- clone() - Method in class org.opencv.core.TermCriteria
- clone() - Method in class org.opencv.features2d.DescriptorMatcher
-
Clones the matcher.
- clone(boolean) - Method in class org.opencv.features2d.DescriptorMatcher
-
Clones the matcher.
- cluster() - Method in class org.opencv.features2d.BOWKMeansTrainer
- cluster() - Method in class org.opencv.features2d.BOWTrainer
- cluster(Mat) - Method in class org.opencv.features2d.BOWKMeansTrainer
- cluster(Mat) - Method in class org.opencv.features2d.BOWTrainer
-
Clusters train descriptors.
- CMP_EQ - Static variable in class org.opencv.core.Core
- CMP_GE - Static variable in class org.opencv.core.Core
- CMP_GT - Static variable in class org.opencv.core.Core
- CMP_LE - Static variable in class org.opencv.core.Core
- CMP_LT - Static variable in class org.opencv.core.Core
- CMP_NE - Static variable in class org.opencv.core.Core
- CN - Static variable in class org.opencv.tracking.TrackerKCF
- COEF - Static variable in class org.opencv.ml.SVM
- col(int) - Method in class org.opencv.core.Mat
- COL_SAMPLE - Static variable in class org.opencv.ml.Ml
- collectGarbage() - Method in class org.opencv.imgproc.CLAHE
- collectGarbage() - Method in class org.opencv.video.DenseOpticalFlow
-
Releases all inner buffers.
- collectGarbage() - Method in class org.opencv.ximgproc.AdaptiveManifoldFilter
- COLOR_BayerBG2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerBG2BGR_EA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerBG2BGR_VNG - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerBG2BGRA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerBG2GRAY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerBG2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerBG2RGB_EA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerBG2RGB_VNG - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerBG2RGBA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerBGGR2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerBGGR2BGR_EA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerBGGR2BGR_VNG - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerBGGR2BGRA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerBGGR2GRAY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerBGGR2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerBGGR2RGB_EA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerBGGR2RGB_VNG - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerBGGR2RGBA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGB2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGB2BGR_EA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGB2BGR_VNG - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGB2BGRA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGB2GRAY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGB2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGB2RGB_EA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGB2RGB_VNG - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGB2RGBA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGBRG2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGBRG2BGR_EA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGBRG2BGR_VNG - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGBRG2BGRA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGBRG2GRAY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGBRG2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGBRG2RGB_EA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGBRG2RGB_VNG - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGBRG2RGBA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGR2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGR2BGR_EA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGR2BGR_VNG - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGR2BGRA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGR2GRAY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGR2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGR2RGB_EA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGR2RGB_VNG - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGR2RGBA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGRBG2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGRBG2BGR_EA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGRBG2BGR_VNG - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGRBG2BGRA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGRBG2GRAY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGRBG2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGRBG2RGB_EA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGRBG2RGB_VNG - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerGRBG2RGBA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerRG2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerRG2BGR_EA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerRG2BGR_VNG - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerRG2BGRA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerRG2GRAY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerRG2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerRG2RGB_EA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerRG2RGB_VNG - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerRG2RGBA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerRGGB2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerRGGB2BGR_EA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerRGGB2BGR_VNG - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerRGGB2BGRA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerRGGB2GRAY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerRGGB2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerRGGB2RGB_EA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerRGGB2RGB_VNG - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BayerRGGB2RGBA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2BGR555 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2BGR565 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2BGRA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2GRAY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2HLS - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2HLS_FULL - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2HSV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2HSV_FULL - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2Lab - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2Luv - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2RGBA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2XYZ - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2YCrCb - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2YUV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2YUV_I420 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2YUV_IYUV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2YUV_UYNV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2YUV_UYVY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2YUV_Y422 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2YUV_YUNV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2YUV_YUY2 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2YUV_YUYV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2YUV_YV12 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR2YUV_YVYU - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR5552BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR5552BGRA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR5552GRAY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR5552RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR5552RGBA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR5652BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR5652BGRA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR5652GRAY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR5652RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGR5652RGBA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGRA2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGRA2BGR555 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGRA2BGR565 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGRA2GRAY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGRA2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGRA2RGBA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGRA2YUV_I420 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGRA2YUV_IYUV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGRA2YUV_UYNV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGRA2YUV_UYVY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGRA2YUV_Y422 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGRA2YUV_YUNV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGRA2YUV_YUY2 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGRA2YUV_YUYV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGRA2YUV_YV12 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_BGRA2YUV_YVYU - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_COLORCVT_MAX - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_GRAY2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_GRAY2BGR555 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_GRAY2BGR565 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_GRAY2BGRA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_GRAY2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_GRAY2RGBA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_HLS2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_HLS2BGR_FULL - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_HLS2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_HLS2RGB_FULL - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_HSV2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_HSV2BGR_FULL - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_HSV2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_HSV2RGB_FULL - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_Lab2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_Lab2LBGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_Lab2LRGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_Lab2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_LBGR2Lab - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_LBGR2Luv - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_LRGB2Lab - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_LRGB2Luv - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_Luv2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_Luv2LBGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_Luv2LRGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_Luv2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_mRGBA2RGBA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2BGR555 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2BGR565 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2BGRA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2GRAY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2HLS - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2HLS_FULL - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2HSV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2HSV_FULL - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2Lab - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2Luv - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2RGBA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2XYZ - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2YCrCb - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2YUV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2YUV_I420 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2YUV_IYUV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2YUV_UYNV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2YUV_UYVY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2YUV_Y422 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2YUV_YUNV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2YUV_YUY2 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2YUV_YUYV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2YUV_YV12 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGB2YUV_YVYU - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGBA2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGBA2BGR555 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGBA2BGR565 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGBA2BGRA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGBA2GRAY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGBA2mRGBA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGBA2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGBA2YUV_I420 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGBA2YUV_IYUV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGBA2YUV_UYNV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGBA2YUV_UYVY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGBA2YUV_Y422 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGBA2YUV_YUNV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGBA2YUV_YUY2 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGBA2YUV_YUYV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGBA2YUV_YV12 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_RGBA2YUV_YVYU - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_XYZ2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_XYZ2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YCrCb2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YCrCb2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGR_I420 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGR_IYUV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGR_NV12 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGR_NV21 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGR_UYNV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGR_UYVY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGR_Y422 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGR_YUNV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGR_YUY2 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGR_YUYV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGR_YV12 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGR_YVYU - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGRA_I420 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGRA_IYUV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGRA_NV12 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGRA_NV21 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGRA_UYNV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGRA_UYVY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGRA_Y422 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGRA_YUNV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGRA_YUY2 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGRA_YUYV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGRA_YV12 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2BGRA_YVYU - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2GRAY_420 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2GRAY_I420 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2GRAY_IYUV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2GRAY_NV12 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2GRAY_NV21 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2GRAY_UYNV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2GRAY_UYVY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2GRAY_Y422 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2GRAY_YUNV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2GRAY_YUY2 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2GRAY_YUYV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2GRAY_YV12 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2GRAY_YVYU - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGB_I420 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGB_IYUV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGB_NV12 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGB_NV21 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGB_UYNV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGB_UYVY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGB_Y422 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGB_YUNV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGB_YUY2 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGB_YUYV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGB_YV12 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGB_YVYU - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGBA_I420 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGBA_IYUV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGBA_NV12 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGBA_NV21 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGBA_UYNV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGBA_UYVY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGBA_Y422 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGBA_YUNV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGBA_YUY2 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGBA_YUYV - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGBA_YV12 - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV2RGBA_YVYU - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV420p2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV420p2BGRA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV420p2GRAY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV420p2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV420p2RGBA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV420sp2BGR - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV420sp2BGRA - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV420sp2GRAY - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV420sp2RGB - Static variable in class org.opencv.imgproc.Imgproc
- COLOR_YUV420sp2RGBA - Static variable in class org.opencv.imgproc.Imgproc
- colorChange(Mat, Mat, Mat) - Static method in class org.opencv.photo.Photo
-
Given an original color image, two differently colored versions of this image can be mixed seamlessly.
- colorChange(Mat, Mat, Mat, float) - Static method in class org.opencv.photo.Photo
-
Given an original color image, two differently colored versions of this image can be mixed seamlessly.
- colorChange(Mat, Mat, Mat, float, float) - Static method in class org.opencv.photo.Photo
-
Given an original color image, two differently colored versions of this image can be mixed seamlessly.
- colorChange(Mat, Mat, Mat, float, float, float) - Static method in class org.opencv.photo.Photo
-
Given an original color image, two differently colored versions of this image can be mixed seamlessly.
- COLORMAP_AUTUMN - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_BONE - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_CIVIDIS - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_COOL - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_DEEPGREEN - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_HOT - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_HSV - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_INFERNO - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_JET - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_MAGMA - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_OCEAN - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_PARULA - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_PINK - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_PLASMA - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_RAINBOW - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_SPRING - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_SUMMER - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_TURBO - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_TWILIGHT - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_TWILIGHT_SHIFTED - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_VIRIDIS - Static variable in class org.opencv.imgproc.Imgproc
- COLORMAP_WINTER - Static variable in class org.opencv.imgproc.Imgproc
- colorMatchTemplate(Mat, Mat, Mat) - Static method in class org.opencv.ximgproc.Ximgproc
-
Compares a color template against overlapped color image regions.
- colorMomentHash(Mat, Mat) - Static method in class org.opencv.img_hash.Img_hash
-
Computes color moment hash of the input, the algorithm is come from the paper "Perceptual Hashing for Color Images Using Invariant Moments"
- ColorMomentHash - Class in org.opencv.img_hash
-
Image hash based on color moments.
- ColorMomentHash(long) - Constructor for class org.opencv.img_hash.ColorMomentHash
- colRange(int, int) - Method in class org.opencv.core.Mat
- colRange(Range) - Method in class org.opencv.core.Mat
- cols() - Method in class org.opencv.core.Mat
- compare(Mat, Mat) - Method in class org.opencv.img_hash.ImgHashBase
-
Compare the hash value between inOne and inTwo
- compare(Mat, Mat, Mat, int) - Static method in class org.opencv.core.Core
-
Performs the per-element comparison of two arrays or an array and scalar value.
- compare(Mat, Scalar, Mat, int) - Static method in class org.opencv.core.Core
- compareHist(Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
Compares two histograms.
- compareSegments(Size, Mat, Mat) - Method in class org.opencv.imgproc.LineSegmentDetector
-
Draws two groups of lines in blue and red, counting the non overlapping (mismatching) pixels.
- compareSegments(Size, Mat, Mat, Mat) - Method in class org.opencv.imgproc.LineSegmentDetector
-
Draws two groups of lines in blue and red, counting the non overlapping (mismatching) pixels.
- completeState() - Method in class org.opencv.imgproc.Moments
- completeSymm(Mat) - Static method in class org.opencv.core.Core
-
Copies the lower or the upper half of a square matrix to its another half.
- completeSymm(Mat, boolean) - Static method in class org.opencv.core.Core
-
Copies the lower or the upper half of a square matrix to its another half.
- composeRT(Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Combines two rotation-and-shift transformations.
- composeRT(Mat, Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Combines two rotation-and-shift transformations.
- composeRT(Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Combines two rotation-and-shift transformations.
- composeRT(Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Combines two rotation-and-shift transformations.
- composeRT(Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Combines two rotation-and-shift transformations.
- composeRT(Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Combines two rotation-and-shift transformations.
- composeRT(Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Combines two rotation-and-shift transformations.
- composeRT(Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Combines two rotation-and-shift transformations.
- composeRT(Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Combines two rotation-and-shift transformations.
- COMPRESSED_INPUT - Static variable in class org.opencv.ml.StatModel
- compute(List<Mat>, List<MatOfKeyPoint>, List<Mat>) - Method in class org.opencv.features2d.Feature2D
- compute(Mat, Mat) - Method in class org.opencv.face.BIF
-
Computes features sby input image.
- compute(Mat, Mat) - Method in class org.opencv.img_hash.ImgHashBase
-
Computes hash of the input image
- compute(Mat, MatOfFloat) - Method in class org.opencv.objdetect.HOGDescriptor
-
Computes HOG descriptors of given image.
- compute(Mat, MatOfFloat, Size) - Method in class org.opencv.objdetect.HOGDescriptor
-
Computes HOG descriptors of given image.
- compute(Mat, MatOfFloat, Size, Size) - Method in class org.opencv.objdetect.HOGDescriptor
-
Computes HOG descriptors of given image.
- compute(Mat, MatOfFloat, Size, Size, MatOfPoint) - Method in class org.opencv.objdetect.HOGDescriptor
-
Computes HOG descriptors of given image.
- compute(Mat, MatOfKeyPoint, Mat) - Method in class org.opencv.features2d.BOWImgDescriptorExtractor
- compute(Mat, MatOfKeyPoint, Mat) - Method in class org.opencv.features2d.Feature2D
-
Computes the descriptors for a set of keypoints detected in an image (first variant) or image set (second variant).
- compute(Mat, Mat, Mat) - Method in class org.opencv.calib3d.StereoMatcher
-
Computes disparity map for the specified stereo pair
- computeBadPixelPercent(Mat, Mat, Rect) - Static method in class org.opencv.ximgproc.Ximgproc
-
Function for computing the percent of "bad" pixels in the disparity map (pixels where error is higher than a specified threshold)
- computeBadPixelPercent(Mat, Mat, Rect, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Function for computing the percent of "bad" pixels in the disparity map (pixels where error is higher than a specified threshold)
- computeBitmaps(Mat, Mat, Mat) - Method in class org.opencv.photo.AlignMTB
-
Computes median threshold and exclude bitmaps of given image.
- computeCorrespondEpilines(Mat, int, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
For points in an image of a stereo pair, computes the corresponding epilines in the other image.
- computeDataModulationTerm(List<Mat>, Mat, Mat) - Method in class org.opencv.structured_light.SinusoidalPattern
-
compute the data modulation term.
- computeECC(Mat, Mat) - Static method in class org.opencv.video.Video
-
Computes the Enhanced Correlation Coefficient value between two images CITE: EP08 .
- computeECC(Mat, Mat, Mat) - Static method in class org.opencv.video.Video
-
Computes the Enhanced Correlation Coefficient value between two images CITE: EP08 .
- computeGradient(Mat, Mat, Mat) - Method in class org.opencv.objdetect.HOGDescriptor
-
Computes gradients and quantized gradient orientations.
- computeGradient(Mat, Mat, Mat, Size) - Method in class org.opencv.objdetect.HOGDescriptor
-
Computes gradients and quantized gradient orientations.
- computeGradient(Mat, Mat, Mat, Size, Size) - Method in class org.opencv.objdetect.HOGDescriptor
-
Computes gradients and quantized gradient orientations.
- computeMSE(Mat, Mat, Rect) - Static method in class org.opencv.ximgproc.Ximgproc
-
Function for computing mean square error for disparity maps
- computeNMChannels(Mat, List<Mat>) - Static method in class org.opencv.text.Text
-
Compute the different channels to be processed independently in the N&M algorithm CITE: Neumann12.
- computeNMChannels(Mat, List<Mat>, int) - Static method in class org.opencv.text.Text
-
Compute the different channels to be processed independently in the N&M algorithm CITE: Neumann12.
- computeOrientation(Mat, Mat) - Method in class org.opencv.ximgproc.StructuredEdgeDetection
-
The function computes orientation from edge image.
- computePhaseMap(List<Mat>, Mat) - Method in class org.opencv.structured_light.SinusoidalPattern
-
Compute a wrapped phase map from sinusoidal patterns.
- computePhaseMap(List<Mat>, Mat, Mat) - Method in class org.opencv.structured_light.SinusoidalPattern
-
Compute a wrapped phase map from sinusoidal patterns.
- computePhaseMap(List<Mat>, Mat, Mat, Mat) - Method in class org.opencv.structured_light.SinusoidalPattern
-
Compute a wrapped phase map from sinusoidal patterns.
- computeQuadraticFormDistance(Mat, Mat) - Method in class org.opencv.xfeatures2d.PCTSignaturesSQFD
-
Computes Signature Quadratic Form Distance of two signatures.
- computeQuadraticFormDistances(Mat, List<Mat>, MatOfFloat) - Method in class org.opencv.xfeatures2d.PCTSignaturesSQFD
-
Computes Signature Quadratic Form Distance between the reference signature and each of the other image signatures.
- computeSignature(Mat, Mat) - Method in class org.opencv.xfeatures2d.PCTSignatures
-
Computes signature of given image.
- computeSignatures(List<Mat>, List<Mat>) - Method in class org.opencv.xfeatures2d.PCTSignatures
-
Computes signatures for multiple images in parallel.
- conj() - Method in class org.opencv.core.Scalar
- connect(String, String) - Method in class org.opencv.dnn.Net
-
Connects output of the first layer to input of the second layer.
- connectedComponents(Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
- connectedComponents(Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
- connectedComponents(Mat, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
- connectedComponentsWithAlgorithm(Mat, Mat, int, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
computes the connected components labeled image of boolean image image with 4 or 8 way connectivity - returns N, the total number of labels [0, N-1] where 0 represents the background label.
- connectedComponentsWithStats(Mat, Mat, Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
- connectedComponentsWithStats(Mat, Mat, Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
- connectedComponentsWithStats(Mat, Mat, Mat, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
- connectedComponentsWithStatsWithAlgorithm(Mat, Mat, Mat, Mat, int, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
computes the connected components labeled image of boolean image and also produces a statistics output for each label image with 4 or 8 way connectivity - returns N, the total number of labels [0, N-1] where 0 represents the background label.
- contains(Point) - Method in class org.opencv.core.Rect
- contains(Point) - Method in class org.opencv.core.Rect2d
- contourArea(Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates a contour area.
- contourArea(Mat, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates a contour area.
- ContourFitting - Class in org.opencv.ximgproc
-
Class for ContourFitting algorithms.
- ContourFitting(long) - Constructor for class org.opencv.ximgproc.ContourFitting
- CONTOURS_MATCH_I1 - Static variable in class org.opencv.imgproc.Imgproc
- CONTOURS_MATCH_I2 - Static variable in class org.opencv.imgproc.Imgproc
- CONTOURS_MATCH_I3 - Static variable in class org.opencv.imgproc.Imgproc
- contourSampling(Mat, Mat, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Contour sampling .
- convert(String, String) - Static method in class org.opencv.objdetect.CascadeClassifier
- Converters - Class in org.opencv.utils
- Converters() - Constructor for class org.opencv.utils.Converters
- convertFp16(Mat, Mat) - Static method in class org.opencv.core.Core
-
Deprecated.Use Mat::convertTo with CV_16F instead.
- convertMaps(Mat, Mat, Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
Converts image transformation maps from one representation to another.
- convertMaps(Mat, Mat, Mat, Mat, int, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
Converts image transformation maps from one representation to another.
- convertPointsFromHomogeneous(Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Converts points from homogeneous to Euclidean space.
- convertPointsToHomogeneous(Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Converts points from Euclidean to homogeneous space.
- convertScaleAbs(Mat, Mat) - Static method in class org.opencv.core.Core
-
Scales, calculates absolute values, and converts the result to 8-bit.
- convertScaleAbs(Mat, Mat, double) - Static method in class org.opencv.core.Core
-
Scales, calculates absolute values, and converts the result to 8-bit.
- convertScaleAbs(Mat, Mat, double, double) - Static method in class org.opencv.core.Core
-
Scales, calculates absolute values, and converts the result to 8-bit.
- convertTo(Mat, int) - Method in class org.opencv.core.Mat
- convertTo(Mat, int, double) - Method in class org.opencv.core.Mat
- convertTo(Mat, int, double, double) - Method in class org.opencv.core.Mat
- convexHull(MatOfPoint, MatOfInt) - Static method in class org.opencv.imgproc.Imgproc
-
Finds the convex hull of a point set.
- convexHull(MatOfPoint, MatOfInt, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
Finds the convex hull of a point set.
- convexityDefects(MatOfPoint, MatOfInt, MatOfInt4) - Static method in class org.opencv.imgproc.Imgproc
-
Finds the convexity defects of a contour.
- copyMakeBorder(Mat, Mat, int, int, int, int, int) - Static method in class org.opencv.core.Core
-
Forms a border around an image.
- copyMakeBorder(Mat, Mat, int, int, int, int, int, Scalar) - Static method in class org.opencv.core.Core
-
Forms a border around an image.
- copySize(Mat) - Method in class org.opencv.core.Mat
- copyTo(Mat) - Method in class org.opencv.core.Mat
- copyTo(Mat, Mat) - Method in class org.opencv.core.Mat
- copyTo(Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
This is an overloaded member function, provided for convenience (python) Copies the matrix to another one.
- Core - Class in org.opencv.core
- Core() - Constructor for class org.opencv.core.Core
- Core.MinMaxLocResult - Class in org.opencv.core
- CORNER_REFINE_APRILTAG - Static variable in class org.opencv.objdetect.Objdetect
- CORNER_REFINE_CONTOUR - Static variable in class org.opencv.objdetect.Objdetect
- CORNER_REFINE_NONE - Static variable in class org.opencv.objdetect.Objdetect
- CORNER_REFINE_SUBPIX - Static variable in class org.opencv.objdetect.Objdetect
- cornerEigenValsAndVecs(Mat, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates eigenvalues and eigenvectors of image blocks for corner detection.
- cornerEigenValsAndVecs(Mat, Mat, int, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates eigenvalues and eigenvectors of image blocks for corner detection.
- cornerHarris(Mat, Mat, int, int, double) - Static method in class org.opencv.imgproc.Imgproc
-
Harris corner detector.
- cornerHarris(Mat, Mat, int, int, double, int) - Static method in class org.opencv.imgproc.Imgproc
-
Harris corner detector.
- cornerMinEigenVal(Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the minimal eigenvalue of gradient matrices for corner detection.
- cornerMinEigenVal(Mat, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the minimal eigenvalue of gradient matrices for corner detection.
- cornerMinEigenVal(Mat, Mat, int, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the minimal eigenvalue of gradient matrices for corner detection.
- cornerSubPix(Mat, Mat, Size, Size, TermCriteria) - Static method in class org.opencv.imgproc.Imgproc
-
Refines the corner locations.
- correct(Mat) - Method in class org.opencv.video.KalmanFilter
-
Updates the predicted state from the measurement.
- CORRECT_LEVEL_H - Static variable in class org.opencv.objdetect.QRCodeEncoder
- CORRECT_LEVEL_L - Static variable in class org.opencv.objdetect.QRCodeEncoder
- CORRECT_LEVEL_M - Static variable in class org.opencv.objdetect.QRCodeEncoder
- CORRECT_LEVEL_Q - Static variable in class org.opencv.objdetect.QRCodeEncoder
- correctMatches(Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Refines coordinates of corresponding points.
- COUNT - Static variable in class org.opencv.core.TermCriteria
-
The maximum number of iterations or elements to compute
- countNonZero(Mat) - Static method in class org.opencv.core.Core
-
Counts non-zero array elements.
- COV_MAT_DEFAULT - Static variable in class org.opencv.ml.EM
- COV_MAT_DIAGONAL - Static variable in class org.opencv.ml.EM
- COV_MAT_GENERIC - Static variable in class org.opencv.ml.EM
- COV_MAT_SPHERICAL - Static variable in class org.opencv.ml.EM
- COV_POLISHER - Static variable in class org.opencv.calib3d.Calib3d
- COVAR_COLS - Static variable in class org.opencv.core.Core
- COVAR_NORMAL - Static variable in class org.opencv.core.Core
- COVAR_ROWS - Static variable in class org.opencv.core.Core
- COVAR_SCALE - Static variable in class org.opencv.core.Core
- COVAR_SCRAMBLED - Static variable in class org.opencv.core.Core
- COVAR_USE_AVG - Static variable in class org.opencv.core.Core
- covarianceEstimation(Mat, Mat, int, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Computes the estimated covariance matrix of an image using the sliding window forumlation.
- create() - Static method in class org.opencv.calib3d.StereoBM
-
Creates StereoBM object disparity from 0 (default minimum disparity) to numDisparities.
- create() - Static method in class org.opencv.calib3d.StereoSGBM
-
Creates StereoSGBM object rectification algorithms can shift images, so this parameter needs to be adjusted accordingly.
- create() - Static method in class org.opencv.dnn_superres.DnnSuperResImpl
-
Empty constructor for python
- create() - Static method in class org.opencv.face.BIF
- create() - Static method in class org.opencv.face.EigenFaceRecognizer
-
Component Analysis.
- create() - Static method in class org.opencv.face.FisherFaceRecognizer
-
Discriminant Analysis with the Fisherfaces criterion.
- create() - Static method in class org.opencv.face.LBPHFaceRecognizer
-
radius, the smoother the image but more spatial information you can get.
- create() - Static method in class org.opencv.face.MACE
-
constructor
- create() - Static method in class org.opencv.face.StandardCollector
-
Static constructor
- create() - Static method in class org.opencv.features2d.AgastFeatureDetector
- create() - Static method in class org.opencv.features2d.AKAZE
-
The AKAZE constructor DESCRIPTOR_KAZE_UPRIGHT, DESCRIPTOR_MLDB or DESCRIPTOR_MLDB_UPRIGHT.
- create() - Static method in class org.opencv.features2d.BFMatcher
-
Brute-force matcher create method.
- create() - Static method in class org.opencv.features2d.BRISK
-
The BRISK constructor keypoint.
- create() - Static method in class org.opencv.features2d.FastFeatureDetector
- create() - Static method in class org.opencv.features2d.FlannBasedMatcher
- create() - Static method in class org.opencv.features2d.GFTTDetector
- create() - Static method in class org.opencv.features2d.KAZE
-
The KAZE constructor DIFF_CHARBONNIER
- create() - Static method in class org.opencv.features2d.MSER
-
Full constructor for %MSER detector
- create() - Static method in class org.opencv.features2d.ORB
-
The ORB constructor pyramid, where each next level has 4x less pixels than the previous, but such a big scale factor will degrade feature matching scores dramatically.
- create() - Static method in class org.opencv.features2d.SIFT
-
(measured in SIFT algorithm as the local contrast) number of octaves is computed automatically from the image resolution.
- create() - Static method in class org.opencv.features2d.SimpleBlobDetector
- create() - Static method in class org.opencv.img_hash.AverageHash
- create() - Static method in class org.opencv.img_hash.BlockMeanHash
- create() - Static method in class org.opencv.img_hash.ColorMomentHash
- create() - Static method in class org.opencv.img_hash.MarrHildrethHash
- create() - Static method in class org.opencv.img_hash.PHash
- create() - Static method in class org.opencv.img_hash.RadialVarianceHash
- create() - Static method in class org.opencv.ml.ANN_MLP
-
Creates empty model Use StatModel::train to train the model, Algorithm::load<ANN_MLP>(filename) to load the pre-trained model.
- create() - Static method in class org.opencv.ml.Boost
-
Creates the empty model.
- create() - Static method in class org.opencv.ml.DTrees
-
Creates the empty model The static method creates empty decision tree with the specified parameters.
- create() - Static method in class org.opencv.ml.EM
-
Creates empty %EM model.
- create() - Static method in class org.opencv.ml.KNearest
-
Creates the empty model The static method creates empty %KNearest classifier.
- create() - Static method in class org.opencv.ml.LogisticRegression
-
Creates empty model.
- create() - Static method in class org.opencv.ml.NormalBayesClassifier
-
Creates empty model Use StatModel::train to train the model after creation.
- create() - Static method in class org.opencv.ml.ParamGrid
-
Creates a ParamGrid Ptr that can be given to the %SVM::trainAuto method
- create() - Static method in class org.opencv.ml.RTrees
-
Creates the empty model.
- create() - Static method in class org.opencv.ml.SVM
-
Creates empty model.
- create() - Static method in class org.opencv.ml.SVMSGD
-
Creates empty model.
- create() - Static method in class org.opencv.objdetect.QRCodeEncoder
-
Constructor
- create() - Static method in class org.opencv.phase_unwrapping.HistogramPhaseUnwrapping
-
Constructor
- create() - Static method in class org.opencv.structured_light.SinusoidalPattern
-
Constructor.
- create() - Static method in class org.opencv.text.OCRTesseract
-
Creates an instance of the OCRTesseract class.
- create() - Static method in class org.opencv.tracking.legacy_TrackerBoosting
-
Constructor
- create() - Static method in class org.opencv.tracking.legacy_TrackerCSRT
-
Constructor
- create() - Static method in class org.opencv.tracking.legacy_TrackerKCF
-
Constructor
- create() - Static method in class org.opencv.tracking.legacy_TrackerMedianFlow
-
Constructor
- create() - Static method in class org.opencv.tracking.legacy_TrackerMIL
-
Constructor
- create() - Static method in class org.opencv.tracking.legacy_TrackerMOSSE
-
Constructor
- create() - Static method in class org.opencv.tracking.legacy_TrackerTLD
-
Constructor
- create() - Static method in class org.opencv.tracking.TrackerCSRT
-
Create CSRT tracker instance
- create() - Static method in class org.opencv.tracking.TrackerKCF
-
Create KCF tracker instance
- create() - Static method in class org.opencv.video.DISOpticalFlow
-
Creates an instance of DISOpticalFlow
- create() - Static method in class org.opencv.video.FarnebackOpticalFlow
- create() - Static method in class org.opencv.video.SparsePyrLKOpticalFlow
- create() - Static method in class org.opencv.video.TrackerDaSiamRPN
-
Constructor
- create() - Static method in class org.opencv.video.TrackerGOTURN
-
Constructor
- create() - Static method in class org.opencv.video.TrackerMIL
-
Create MIL tracker instance
- create() - Static method in class org.opencv.video.TrackerNano
-
Constructor
- create() - Static method in class org.opencv.video.TrackerVit
-
Constructor
- create() - Static method in class org.opencv.video.VariationalRefinement
-
Creates an instance of VariationalRefinement
- create() - Static method in class org.opencv.xfeatures2d.BoostDesc
- create() - Static method in class org.opencv.xfeatures2d.BriefDescriptorExtractor
- create() - Static method in class org.opencv.xfeatures2d.DAISY
- create() - Static method in class org.opencv.xfeatures2d.FREAK
- create() - Static method in class org.opencv.xfeatures2d.HarrisLaplaceFeatureDetector
-
Creates a new implementation instance.
- create() - Static method in class org.opencv.xfeatures2d.LATCH
- create() - Static method in class org.opencv.xfeatures2d.LUCID
- create() - Static method in class org.opencv.xfeatures2d.MSDDetector
- create() - Static method in class org.opencv.xfeatures2d.PCTSignatures
-
Creates PCTSignatures algorithm using sample and seed count.
- create() - Static method in class org.opencv.xfeatures2d.PCTSignaturesSQFD
-
Creates the algorithm instance using selected distance function, similarity function and similarity function parameter.
- create() - Static method in class org.opencv.xfeatures2d.StarDetector
- create() - Static method in class org.opencv.xfeatures2d.SURF
-
64-element descriptors).
- create() - Static method in class org.opencv.xfeatures2d.TBMR
- create() - Static method in class org.opencv.xfeatures2d.VGG
- create() - Static method in class org.opencv.ximgproc.AdaptiveManifoldFilter
- create() - Static method in class org.opencv.ximgproc.RidgeDetectionFilter
-
Create pointer to the Ridge detection filter.
- create(boolean) - Static method in class org.opencv.features2d.KAZE
-
The KAZE constructor
- create(boolean) - Static method in class org.opencv.xfeatures2d.FREAK
- create(boolean, boolean) - Static method in class org.opencv.features2d.KAZE
-
The KAZE constructor
- create(boolean, boolean) - Static method in class org.opencv.xfeatures2d.FREAK
- create(boolean, boolean, float) - Static method in class org.opencv.features2d.KAZE
-
The KAZE constructor
- create(boolean, boolean, float) - Static method in class org.opencv.xfeatures2d.FREAK
- create(boolean, boolean, float, int) - Static method in class org.opencv.features2d.KAZE
-
The KAZE constructor
- create(boolean, boolean, float, int) - Static method in class org.opencv.xfeatures2d.FREAK
- create(boolean, boolean, float, int, int) - Static method in class org.opencv.features2d.KAZE
-
The KAZE constructor
- create(boolean, boolean, float, int, int, int) - Static method in class org.opencv.features2d.KAZE
-
The KAZE constructor
- create(boolean, boolean, float, int, MatOfInt) - Static method in class org.opencv.xfeatures2d.FREAK
- create(double) - Static method in class org.opencv.face.StandardCollector
-
Static constructor
- create(double) - Static method in class org.opencv.img_hash.RadialVarianceHash
- create(double) - Static method in class org.opencv.ml.ParamGrid
-
Creates a ParamGrid Ptr that can be given to the %SVM::trainAuto method
- create(double) - Static method in class org.opencv.xfeatures2d.SURF_CUDA
- create(double) - Static method in class org.opencv.xfeatures2d.SURF
- create(double, double) - Static method in class org.opencv.ml.ParamGrid
-
Creates a ParamGrid Ptr that can be given to the %SVM::trainAuto method
- create(double, double, double) - Static method in class org.opencv.ml.ParamGrid
-
Creates a ParamGrid Ptr that can be given to the %SVM::trainAuto method
- create(double, int) - Static method in class org.opencv.img_hash.RadialVarianceHash
- create(double, int) - Static method in class org.opencv.xfeatures2d.SURF_CUDA
- create(double, int) - Static method in class org.opencv.xfeatures2d.SURF
- create(double, int, int) - Static method in class org.opencv.xfeatures2d.SURF_CUDA
- create(double, int, int) - Static method in class org.opencv.xfeatures2d.SURF
- create(double, int, int, boolean) - Static method in class org.opencv.xfeatures2d.SURF_CUDA
- create(double, int, int, boolean) - Static method in class org.opencv.xfeatures2d.SURF
- create(double, int, int, boolean, boolean) - Static method in class org.opencv.xfeatures2d.SURF
- create(double, int, int, boolean, float) - Static method in class org.opencv.xfeatures2d.SURF_CUDA
- create(double, int, int, boolean, float, boolean) - Static method in class org.opencv.xfeatures2d.SURF_CUDA
- create(float) - Static method in class org.opencv.img_hash.MarrHildrethHash
- create(float) - Static method in class org.opencv.xfeatures2d.BEBLID
-
Creates the BEBLID descriptor.
- create(float) - Static method in class org.opencv.xfeatures2d.DAISY
- create(float) - Static method in class org.opencv.xfeatures2d.TEBLID
-
Creates the TEBLID descriptor.
- create(float, float) - Static method in class org.opencv.img_hash.MarrHildrethHash
- create(float, int) - Static method in class org.opencv.xfeatures2d.BEBLID
-
Creates the BEBLID descriptor.
- create(float, int) - Static method in class org.opencv.xfeatures2d.DAISY
- create(float, int) - Static method in class org.opencv.xfeatures2d.TEBLID
-
Creates the TEBLID descriptor.
- create(float, int, int) - Static method in class org.opencv.xfeatures2d.DAISY
- create(float, int, int, int) - Static method in class org.opencv.xfeatures2d.DAISY
- create(float, int, int, int, Mat) - Static method in class org.opencv.xfeatures2d.DAISY
- create(float, int, int, int, Mat, boolean) - Static method in class org.opencv.xfeatures2d.DAISY
- create(float, int, int, int, Mat, boolean, boolean) - Static method in class org.opencv.xfeatures2d.DAISY
- create(int) - Static method in class org.opencv.calib3d.StereoBM
-
Creates StereoBM object
- create(int) - Static method in class org.opencv.calib3d.StereoSGBM
-
Creates StereoSGBM object
- create(int) - Static method in class org.opencv.face.BIF
- create(int) - Static method in class org.opencv.face.EigenFaceRecognizer
- create(int) - Static method in class org.opencv.face.FisherFaceRecognizer
- create(int) - Static method in class org.opencv.face.LBPHFaceRecognizer
- create(int) - Static method in class org.opencv.face.MACE
-
constructor
- create(int) - Static method in class org.opencv.features2d.AgastFeatureDetector
- create(int) - Static method in class org.opencv.features2d.AKAZE
-
The AKAZE constructor
- create(int) - Static method in class org.opencv.features2d.BFMatcher
-
Brute-force matcher create method.
- create(int) - Static method in class org.opencv.features2d.BRISK
-
The BRISK constructor
- create(int) - Static method in class org.opencv.features2d.DescriptorMatcher
- create(int) - Static method in class org.opencv.features2d.FastFeatureDetector
- create(int) - Static method in class org.opencv.features2d.GFTTDetector
- create(int) - Static method in class org.opencv.features2d.MSER
-
Full constructor for %MSER detector
- create(int) - Static method in class org.opencv.features2d.ORB
-
The ORB constructor
- create(int) - Static method in class org.opencv.features2d.SIFT
- create(int) - Static method in class org.opencv.img_hash.BlockMeanHash
- create(int) - Static method in class org.opencv.video.DISOpticalFlow
-
Creates an instance of DISOpticalFlow
- create(int) - Static method in class org.opencv.video.FarnebackOpticalFlow
- create(int) - Static method in class org.opencv.xfeatures2d.BoostDesc
- create(int) - Static method in class org.opencv.xfeatures2d.BriefDescriptorExtractor
- create(int) - Static method in class org.opencv.xfeatures2d.HarrisLaplaceFeatureDetector
-
Creates a new implementation instance.
- create(int) - Static method in class org.opencv.xfeatures2d.LATCH
- create(int) - Static method in class org.opencv.xfeatures2d.LUCID
- create(int) - Static method in class org.opencv.xfeatures2d.MSDDetector
- create(int) - Static method in class org.opencv.xfeatures2d.PCTSignatures
-
Creates PCTSignatures algorithm using sample and seed count.
- create(int) - Static method in class org.opencv.xfeatures2d.PCTSignaturesSQFD
-
Creates the algorithm instance using selected distance function, similarity function and similarity function parameter.
- create(int) - Static method in class org.opencv.xfeatures2d.StarDetector
- create(int) - Static method in class org.opencv.xfeatures2d.TBMR
- create(int) - Static method in class org.opencv.xfeatures2d.VGG
- create(int) - Static method in class org.opencv.ximgproc.RidgeDetectionFilter
-
Create pointer to the Ridge detection filter.
- create(int[], int) - Method in class org.opencv.core.Mat
- create(int, boolean) - Static method in class org.opencv.features2d.AgastFeatureDetector
- create(int, boolean) - Static method in class org.opencv.features2d.BFMatcher
-
Brute-force matcher create method.
- create(int, boolean) - Static method in class org.opencv.features2d.FastFeatureDetector
- create(int, boolean) - Static method in class org.opencv.xfeatures2d.BoostDesc
- create(int, boolean) - Static method in class org.opencv.xfeatures2d.BriefDescriptorExtractor
- create(int, boolean) - Static method in class org.opencv.xfeatures2d.LATCH
- create(int, boolean, float) - Static method in class org.opencv.xfeatures2d.BoostDesc
- create(int, boolean, int) - Static method in class org.opencv.features2d.AgastFeatureDetector
- create(int, boolean, int) - Static method in class org.opencv.features2d.FastFeatureDetector
- create(int, boolean, int) - Static method in class org.opencv.xfeatures2d.LATCH
- create(int, boolean, int, double) - Static method in class org.opencv.xfeatures2d.LATCH
- create(int, double) - Static method in class org.opencv.face.EigenFaceRecognizer
- create(int, double) - Static method in class org.opencv.face.FisherFaceRecognizer
- create(int, double) - Static method in class org.opencv.features2d.GFTTDetector
- create(int, double) - Static method in class org.opencv.video.FarnebackOpticalFlow
- create(int, double, boolean) - Static method in class org.opencv.video.FarnebackOpticalFlow
- create(int, double, boolean, int) - Static method in class org.opencv.video.FarnebackOpticalFlow
- create(int, double, boolean, int, int) - Static method in class org.opencv.video.FarnebackOpticalFlow
- create(int, double, boolean, int, int, int) - Static method in class org.opencv.video.FarnebackOpticalFlow
- create(int, double, boolean, int, int, int, double) - Static method in class org.opencv.video.FarnebackOpticalFlow
- create(int, double, boolean, int, int, int, double, int) - Static method in class org.opencv.video.FarnebackOpticalFlow
- create(int, double, double) - Static method in class org.opencv.features2d.GFTTDetector
- create(int, double, double, int) - Static method in class org.opencv.features2d.GFTTDetector
- create(int, double, double, int, boolean) - Static method in class org.opencv.features2d.GFTTDetector
- create(int, double, double, int, boolean, double) - Static method in class org.opencv.features2d.GFTTDetector
- create(int, double, double, int, int) - Static method in class org.opencv.features2d.GFTTDetector
- create(int, double, double, int, int, boolean) - Static method in class org.opencv.features2d.GFTTDetector
- create(int, double, double, int, int, boolean, double) - Static method in class org.opencv.features2d.GFTTDetector
- create(int, float) - Static method in class org.opencv.features2d.ORB
-
The ORB constructor
- create(int, float) - Static method in class org.opencv.xfeatures2d.HarrisLaplaceFeatureDetector
-
Creates a new implementation instance.
- create(int, float) - Static method in class org.opencv.xfeatures2d.TBMR
- create(int, float) - Static method in class org.opencv.xfeatures2d.VGG
- create(int, float, boolean) - Static method in class org.opencv.xfeatures2d.VGG
- create(int, float, boolean, boolean) - Static method in class org.opencv.xfeatures2d.VGG
- create(int, float, boolean, boolean, float) - Static method in class org.opencv.xfeatures2d.VGG
- create(int, float, boolean, boolean, float, boolean) - Static method in class org.opencv.xfeatures2d.VGG
- create(int, float, float) - Static method in class org.opencv.xfeatures2d.HarrisLaplaceFeatureDetector
-
Creates a new implementation instance.
- create(int, float, float) - Static method in class org.opencv.xfeatures2d.TBMR
- create(int, float, float, int) - Static method in class org.opencv.xfeatures2d.HarrisLaplaceFeatureDetector
-
Creates a new implementation instance.
- create(int, float, float, int) - Static method in class org.opencv.xfeatures2d.TBMR
- create(int, float, float, int, int) - Static method in class org.opencv.xfeatures2d.HarrisLaplaceFeatureDetector
-
Creates a new implementation instance.
- create(int, float, int) - Static method in class org.opencv.features2d.ORB
-
The ORB constructor
- create(int, float, int, int) - Static method in class org.opencv.features2d.ORB
-
The ORB constructor
- create(int, float, int, int, int) - Static method in class org.opencv.features2d.ORB
-
The ORB constructor
- create(int, float, int, int, int, int) - Static method in class org.opencv.features2d.ORB
-
The ORB constructor
- create(int, float, int, int, int, int, int) - Static method in class org.opencv.features2d.ORB
-
The ORB constructor
- create(int, float, int, int, int, int, int, int) - Static method in class org.opencv.features2d.ORB
-
The ORB constructor
- create(int, float, int, int, int, int, int, int, int) - Static method in class org.opencv.features2d.ORB
-
The ORB constructor
- create(int, int) - Static method in class org.opencv.calib3d.StereoBM
-
Creates StereoBM object
- create(int, int) - Static method in class org.opencv.calib3d.StereoSGBM
-
Creates StereoSGBM object
- create(int, int) - Static method in class org.opencv.face.BIF
- create(int, int) - Static method in class org.opencv.face.LBPHFaceRecognizer
- create(int, int) - Static method in class org.opencv.features2d.AKAZE
-
The AKAZE constructor
- create(int, int) - Static method in class org.opencv.features2d.BRISK
-
The BRISK constructor
- create(int, int) - Static method in class org.opencv.features2d.MSER
-
Full constructor for %MSER detector
- create(int, int) - Static method in class org.opencv.features2d.SIFT
- create(int, int) - Static method in class org.opencv.structured_light.GrayCodePattern
-
Constructor
- create(int, int) - Static method in class org.opencv.xfeatures2d.LUCID
- create(int, int) - Static method in class org.opencv.xfeatures2d.MSDDetector
- create(int, int) - Static method in class org.opencv.xfeatures2d.PCTSignatures
-
Creates PCTSignatures algorithm using sample and seed count.
- create(int, int) - Static method in class org.opencv.xfeatures2d.PCTSignaturesSQFD
-
Creates the algorithm instance using selected distance function, similarity function and similarity function parameter.
- create(int, int) - Static method in class org.opencv.xfeatures2d.StarDetector
- create(int, int) - Static method in class org.opencv.ximgproc.RidgeDetectionFilter
-
Create pointer to the Ridge detection filter.
- create(int, int, double) - Static method in class org.opencv.features2d.SIFT
- create(int, int, double, double) - Static method in class org.opencv.features2d.SIFT
- create(int, int, double, double, double) - Static method in class org.opencv.features2d.SIFT
- create(int, int, double, double, double, boolean) - Static method in class org.opencv.features2d.SIFT
- create(int, int, double, double, double, int) - Static method in class org.opencv.features2d.SIFT
-
Create SIFT with specified descriptorType.
- create(int, int, double, double, double, int, boolean) - Static method in class org.opencv.features2d.SIFT
-
Create SIFT with specified descriptorType.
- create(int, int, float) - Static method in class org.opencv.features2d.BRISK
-
The BRISK constructor
- create(int, int, float) - Static method in class org.opencv.xfeatures2d.PCTSignaturesSQFD
-
Creates the algorithm instance using selected distance function, similarity function and similarity function parameter.
- create(int, int, int) - Static method in class org.opencv.calib3d.StereoSGBM
-
Creates StereoSGBM object
- create(int, int, int) - Method in class org.opencv.core.Mat
- create(int, int, int) - Static method in class org.opencv.face.LBPHFaceRecognizer
- create(int, int, int) - Static method in class org.opencv.features2d.AKAZE
-
The AKAZE constructor
- create(int, int, int) - Static method in class org.opencv.features2d.MSER
-
Full constructor for %MSER detector
- create(int, int, int) - Static method in class org.opencv.xfeatures2d.MSDDetector
- create(int, int, int) - Static method in class org.opencv.xfeatures2d.PCTSignatures
-
Creates PCTSignatures algorithm using sample and seed count.
- create(int, int, int) - Static method in class org.opencv.xfeatures2d.StarDetector
- create(int, int, int) - Static method in class org.opencv.ximgproc.RidgeDetectionFilter
-
Create pointer to the Ridge detection filter.
- create(int, int, int, double) - Static method in class org.opencv.features2d.MSER
-
Full constructor for %MSER detector
- create(int, int, int, double, double) - Static method in class org.opencv.features2d.MSER
-
Full constructor for %MSER detector
- create(int, int, int, double, double, int) - Static method in class org.opencv.features2d.MSER
-
Full constructor for %MSER detector
- create(int, int, int, double, double, int, double) - Static method in class org.opencv.features2d.MSER
-
Full constructor for %MSER detector
- create(int, int, int, double, double, int, double, double) - Static method in class org.opencv.features2d.MSER
-
Full constructor for %MSER detector
- create(int, int, int, double, double, int, double, double, int) - Static method in class org.opencv.features2d.MSER
-
Full constructor for %MSER detector
- create(int, int, int, float) - Static method in class org.opencv.features2d.AKAZE
-
The AKAZE constructor
- create(int, int, int, float, int) - Static method in class org.opencv.features2d.AKAZE
-
The AKAZE constructor
- create(int, int, int, float, int, int) - Static method in class org.opencv.features2d.AKAZE
-
The AKAZE constructor
- create(int, int, int, float, int, int, int) - Static method in class org.opencv.features2d.AKAZE
-
The AKAZE constructor
- create(int, int, int, float, int, int, int, int) - Static method in class org.opencv.features2d.AKAZE
-
The AKAZE constructor
- create(int, int, int, int) - Static method in class org.opencv.calib3d.StereoSGBM
-
Creates StereoSGBM object
- create(int, int, int, int) - Static method in class org.opencv.face.LBPHFaceRecognizer
- create(int, int, int, int) - Static method in class org.opencv.xfeatures2d.MSDDetector
- create(int, int, int, int) - Static method in class org.opencv.xfeatures2d.StarDetector
- create(int, int, int, int) - Static method in class org.opencv.ximgproc.RidgeDetectionFilter
-
Create pointer to the Ridge detection filter.
- create(int, int, int, int, double) - Static method in class org.opencv.face.LBPHFaceRecognizer
- create(int, int, int, int, float) - Static method in class org.opencv.xfeatures2d.MSDDetector
- create(int, int, int, int, float, int) - Static method in class org.opencv.xfeatures2d.MSDDetector
- create(int, int, int, int, float, int, float) - Static method in class org.opencv.xfeatures2d.MSDDetector
- create(int, int, int, int, float, int, float, int) - Static method in class org.opencv.xfeatures2d.MSDDetector
- create(int, int, int, int, float, int, float, int, boolean) - Static method in class org.opencv.xfeatures2d.MSDDetector
- create(int, int, int, int, int) - Static method in class org.opencv.calib3d.StereoSGBM
-
Creates StereoSGBM object
- create(int, int, int, int, int) - Static method in class org.opencv.xfeatures2d.StarDetector
- create(int, int, int, int, int) - Static method in class org.opencv.ximgproc.RidgeDetectionFilter
-
Create pointer to the Ridge detection filter.
- create(int, int, int, int, int, double) - Static method in class org.opencv.ximgproc.RidgeDetectionFilter
-
Create pointer to the Ridge detection filter.
- create(int, int, int, int, int, double, double) - Static method in class org.opencv.ximgproc.RidgeDetectionFilter
-
Create pointer to the Ridge detection filter.
- create(int, int, int, int, int, double, double, int) - Static method in class org.opencv.ximgproc.RidgeDetectionFilter
-
Create pointer to the Ridge detection filter.
- create(int, int, int, int, int, int) - Static method in class org.opencv.calib3d.StereoSGBM
-
Creates StereoSGBM object
- create(int, int, int, int, int, int, int) - Static method in class org.opencv.calib3d.StereoSGBM
-
Creates StereoSGBM object
- create(int, int, int, int, int, int, int, int) - Static method in class org.opencv.calib3d.StereoSGBM
-
Creates StereoSGBM object
- create(int, int, int, int, int, int, int, int, int) - Static method in class org.opencv.calib3d.StereoSGBM
-
Creates StereoSGBM object
- create(int, int, int, int, int, int, int, int, int, int) - Static method in class org.opencv.calib3d.StereoSGBM
-
Creates StereoSGBM object
- create(int, int, int, int, int, int, int, int, int, int, int) - Static method in class org.opencv.calib3d.StereoSGBM
-
Creates StereoSGBM object
- create(int, int, MatOfFloat, MatOfInt) - Static method in class org.opencv.features2d.BRISK
-
The BRISK constructor for a custom pattern, detection threshold and octaves
- create(int, int, MatOfFloat, MatOfInt, float) - Static method in class org.opencv.features2d.BRISK
-
The BRISK constructor for a custom pattern, detection threshold and octaves
- create(int, int, MatOfFloat, MatOfInt, float, float) - Static method in class org.opencv.features2d.BRISK
-
The BRISK constructor for a custom pattern, detection threshold and octaves
- create(int, int, MatOfFloat, MatOfInt, float, float, MatOfInt) - Static method in class org.opencv.features2d.BRISK
-
The BRISK constructor for a custom pattern, detection threshold and octaves
- create(String) - Static method in class org.opencv.features2d.DescriptorMatcher
-
Creates a descriptor matcher of a given type with the default parameters (using default constructor).
- create(String) - Static method in class org.opencv.text.OCRTesseract
-
Creates an instance of the OCRTesseract class.
- create(String, String) - Static method in class org.opencv.objdetect.FaceRecognizerSF
-
Creates an instance of this class with given parameters
- create(String, String) - Static method in class org.opencv.text.OCRTesseract
-
Creates an instance of the OCRTesseract class.
- create(String, String) - Static method in class org.opencv.text.TextDetectorCNN
- create(String, String, int) - Static method in class org.opencv.objdetect.FaceRecognizerSF
-
Creates an instance of this class with given parameters
- create(String, String, int, int) - Static method in class org.opencv.objdetect.FaceRecognizerSF
-
Creates an instance of this class with given parameters
- create(String, String, String) - Static method in class org.opencv.text.OCRTesseract
-
Creates an instance of the OCRTesseract class.
- create(String, String, String, int) - Static method in class org.opencv.text.OCRTesseract
-
Creates an instance of the OCRTesseract class.
- create(String, String, String, int, int) - Static method in class org.opencv.text.OCRTesseract
-
Creates an instance of the OCRTesseract class.
- create(String, String, Mat, Mat) - Static method in class org.opencv.text.OCRHMMDecoder
-
Creates an instance of the OCRHMMDecoder class.
- create(String, String, Mat, Mat, int) - Static method in class org.opencv.text.OCRHMMDecoder
-
Creates an instance of the OCRHMMDecoder class.
- create(String, String, Mat, Mat, int, int) - Static method in class org.opencv.text.OCRHMMDecoder
-
Creates an instance of the OCRHMMDecoder class.
- create(String, String, Size) - Static method in class org.opencv.objdetect.FaceDetectorYN
-
Creates an instance of face detector class with given parameters
- create(String, String, Size, float) - Static method in class org.opencv.objdetect.FaceDetectorYN
-
Creates an instance of face detector class with given parameters
- create(String, String, Size, float, float) - Static method in class org.opencv.objdetect.FaceDetectorYN
-
Creates an instance of face detector class with given parameters
- create(String, String, Size, float, float, int) - Static method in class org.opencv.objdetect.FaceDetectorYN
-
Creates an instance of face detector class with given parameters
- create(String, String, Size, float, float, int, int) - Static method in class org.opencv.objdetect.FaceDetectorYN
-
Creates an instance of face detector class with given parameters
- create(String, String, Size, float, float, int, int, int) - Static method in class org.opencv.objdetect.FaceDetectorYN
-
Creates an instance of face detector class with given parameters
- create(String, MatOfByte, MatOfByte, Size) - Static method in class org.opencv.objdetect.FaceDetectorYN
- create(String, MatOfByte, MatOfByte, Size, float) - Static method in class org.opencv.objdetect.FaceDetectorYN
- create(String, MatOfByte, MatOfByte, Size, float, float) - Static method in class org.opencv.objdetect.FaceDetectorYN
- create(String, MatOfByte, MatOfByte, Size, float, float, int) - Static method in class org.opencv.objdetect.FaceDetectorYN
- create(String, MatOfByte, MatOfByte, Size, float, float, int, int) - Static method in class org.opencv.objdetect.FaceDetectorYN
- create(String, MatOfByte, MatOfByte, Size, float, float, int, int, int) - Static method in class org.opencv.objdetect.FaceDetectorYN
- create(Mat) - Static method in class org.opencv.plot.Plot2d
-
Creates Plot2d object
- create(MatOfFloat, MatOfInt) - Static method in class org.opencv.features2d.BRISK
-
The BRISK constructor for a custom pattern
- create(MatOfFloat, MatOfInt, float) - Static method in class org.opencv.features2d.BRISK
-
The BRISK constructor for a custom pattern
- create(MatOfFloat, MatOfInt, float, float) - Static method in class org.opencv.features2d.BRISK
-
The BRISK constructor for a custom pattern
- create(MatOfFloat, MatOfInt, float, float, MatOfInt) - Static method in class org.opencv.features2d.BRISK
-
The BRISK constructor for a custom pattern
- create(MatOfPoint2f, int) - Static method in class org.opencv.xfeatures2d.PCTSignatures
-
Creates PCTSignatures algorithm using pre-generated sampling points and number of clusterization seeds.
- create(MatOfPoint2f, MatOfInt) - Static method in class org.opencv.xfeatures2d.PCTSignatures
-
Creates PCTSignatures algorithm using pre-generated sampling points and clusterization seeds indexes.
- create(Mat, int, Mat) - Static method in class org.opencv.ml.TrainData
-
Creates training data from in-memory arrays.
- create(Mat, int, Mat, Mat) - Static method in class org.opencv.ml.TrainData
-
Creates training data from in-memory arrays.
- create(Mat, int, Mat, Mat, Mat) - Static method in class org.opencv.ml.TrainData
-
Creates training data from in-memory arrays.
- create(Mat, int, Mat, Mat, Mat, Mat) - Static method in class org.opencv.ml.TrainData
-
Creates training data from in-memory arrays.
- create(Mat, int, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.ml.TrainData
-
Creates training data from in-memory arrays.
- create(Mat, Mat) - Static method in class org.opencv.plot.Plot2d
-
Creates Plot2d object
- create(Size) - Static method in class org.opencv.bioinspired.Retina
- create(Size) - Static method in class org.opencv.bioinspired.RetinaFastToneMapping
- create(Size) - Static method in class org.opencv.bioinspired.TransientAreasSegmentationModule
-
allocator
- create(Size) - Static method in class org.opencv.video.SparsePyrLKOpticalFlow
- create(Size, boolean) - Static method in class org.opencv.bioinspired.Retina
-
Constructors from standardized interfaces : retreive a smart pointer to a Retina instance
- create(Size, boolean, int) - Static method in class org.opencv.bioinspired.Retina
-
Constructors from standardized interfaces : retreive a smart pointer to a Retina instance
- create(Size, boolean, int, boolean) - Static method in class org.opencv.bioinspired.Retina
-
Constructors from standardized interfaces : retreive a smart pointer to a Retina instance
- create(Size, boolean, int, boolean, float) - Static method in class org.opencv.bioinspired.Retina
-
Constructors from standardized interfaces : retreive a smart pointer to a Retina instance
- create(Size, boolean, int, boolean, float, float) - Static method in class org.opencv.bioinspired.Retina
-
Constructors from standardized interfaces : retreive a smart pointer to a Retina instance
- create(Size, int) - Method in class org.opencv.core.Mat
- create(Size, int) - Static method in class org.opencv.video.SparsePyrLKOpticalFlow
- create(Size, int, TermCriteria) - Static method in class org.opencv.video.SparsePyrLKOpticalFlow
- create(Size, int, TermCriteria, int) - Static method in class org.opencv.video.SparsePyrLKOpticalFlow
- create(Size, int, TermCriteria, int, double) - Static method in class org.opencv.video.SparsePyrLKOpticalFlow
- create(Feature2D) - Static method in class org.opencv.features2d.AffineFeature
- create(Feature2D, int) - Static method in class org.opencv.features2d.AffineFeature
- create(Feature2D, int, int) - Static method in class org.opencv.features2d.AffineFeature
- create(Feature2D, int, int, float) - Static method in class org.opencv.features2d.AffineFeature
- create(Feature2D, int, int, float, float) - Static method in class org.opencv.features2d.AffineFeature
- create(SimpleBlobDetector_Params) - Static method in class org.opencv.features2d.SimpleBlobDetector
- create(QRCodeEncoder_Params) - Static method in class org.opencv.objdetect.QRCodeEncoder
-
Constructor
- create(HistogramPhaseUnwrapping_Params) - Static method in class org.opencv.phase_unwrapping.HistogramPhaseUnwrapping
-
Constructor
- create(SinusoidalPattern_Params) - Static method in class org.opencv.structured_light.SinusoidalPattern
-
Constructor.
- create(OCRBeamSearchDecoder_ClassifierCallback, String, Mat, Mat) - Static method in class org.opencv.text.OCRBeamSearchDecoder
-
Creates an instance of the OCRBeamSearchDecoder class.
- create(OCRBeamSearchDecoder_ClassifierCallback, String, Mat, Mat, int) - Static method in class org.opencv.text.OCRBeamSearchDecoder
-
Creates an instance of the OCRBeamSearchDecoder class.
- create(OCRBeamSearchDecoder_ClassifierCallback, String, Mat, Mat, int, int) - Static method in class org.opencv.text.OCRBeamSearchDecoder
-
Creates an instance of the OCRBeamSearchDecoder class.
- create(OCRHMMDecoder_ClassifierCallback, String, Mat, Mat) - Static method in class org.opencv.text.OCRHMMDecoder
-
Creates an instance of the OCRHMMDecoder class.
- create(OCRHMMDecoder_ClassifierCallback, String, Mat, Mat, int) - Static method in class org.opencv.text.OCRHMMDecoder
-
Creates an instance of the OCRHMMDecoder class.
- create(TrackerCSRT_Params) - Static method in class org.opencv.tracking.TrackerCSRT
-
Create CSRT tracker instance
- create(TrackerKCF_Params) - Static method in class org.opencv.tracking.TrackerKCF
-
Create KCF tracker instance
- create(TrackerDaSiamRPN_Params) - Static method in class org.opencv.video.TrackerDaSiamRPN
-
Constructor
- create(TrackerGOTURN_Params) - Static method in class org.opencv.video.TrackerGOTURN
-
Constructor
- create(TrackerMIL_Params) - Static method in class org.opencv.video.TrackerMIL
-
Create MIL tracker instance
- create(TrackerNano_Params) - Static method in class org.opencv.video.TrackerNano
-
Constructor
- create(TrackerVit_Params) - Static method in class org.opencv.video.TrackerVit
-
Constructor
- createAlignMTB() - Static method in class org.opencv.photo.Photo
-
Creates AlignMTB object usually good enough (31 and 63 pixels shift respectively).
- createAlignMTB(int) - Static method in class org.opencv.photo.Photo
-
Creates AlignMTB object
- createAlignMTB(int, int) - Static method in class org.opencv.photo.Photo
-
Creates AlignMTB object
- createAlignMTB(int, int, boolean) - Static method in class org.opencv.photo.Photo
-
Creates AlignMTB object
- createAMFilter(double, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Factory method, create instance of AdaptiveManifoldFilter and produce some initialization routines.
- createAMFilter(double, double, boolean) - Static method in class org.opencv.ximgproc.Ximgproc
-
Factory method, create instance of AdaptiveManifoldFilter and produce some initialization routines.
- createBackgroundSubtractorCNT() - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates a CNT Background Subtractor
- createBackgroundSubtractorCNT(int) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates a CNT Background Subtractor
- createBackgroundSubtractorCNT(int, boolean) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates a CNT Background Subtractor
- createBackgroundSubtractorCNT(int, boolean, int) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates a CNT Background Subtractor
- createBackgroundSubtractorCNT(int, boolean, int, boolean) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates a CNT Background Subtractor
- createBackgroundSubtractorGMG() - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates a GMG Background Subtractor
- createBackgroundSubtractorGMG(int) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates a GMG Background Subtractor
- createBackgroundSubtractorGMG(int, double) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates a GMG Background Subtractor
- createBackgroundSubtractorGSOC() - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorGSOC algorithm.
- createBackgroundSubtractorGSOC(int) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorGSOC algorithm.
- createBackgroundSubtractorGSOC(int, int) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorGSOC algorithm.
- createBackgroundSubtractorGSOC(int, int, float) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorGSOC algorithm.
- createBackgroundSubtractorGSOC(int, int, float, float) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorGSOC algorithm.
- createBackgroundSubtractorGSOC(int, int, float, float, int) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorGSOC algorithm.
- createBackgroundSubtractorGSOC(int, int, float, float, int, float) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorGSOC algorithm.
- createBackgroundSubtractorGSOC(int, int, float, float, int, float, float) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorGSOC algorithm.
- createBackgroundSubtractorGSOC(int, int, float, float, int, float, float, float) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorGSOC algorithm.
- createBackgroundSubtractorGSOC(int, int, float, float, int, float, float, float, float) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorGSOC algorithm.
- createBackgroundSubtractorGSOC(int, int, float, float, int, float, float, float, float, float) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorGSOC algorithm.
- createBackgroundSubtractorGSOC(int, int, float, float, int, float, float, float, float, float, float) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorGSOC algorithm.
- createBackgroundSubtractorKNN() - Static method in class org.opencv.video.Video
-
Creates KNN Background Subtractor whether a pixel is close to that sample.
- createBackgroundSubtractorKNN(int) - Static method in class org.opencv.video.Video
-
Creates KNN Background Subtractor
- createBackgroundSubtractorKNN(int, double) - Static method in class org.opencv.video.Video
-
Creates KNN Background Subtractor
- createBackgroundSubtractorKNN(int, double, boolean) - Static method in class org.opencv.video.Video
-
Creates KNN Background Subtractor
- createBackgroundSubtractorLSBP() - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorLSBP algorithm.
- createBackgroundSubtractorLSBP(int) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorLSBP algorithm.
- createBackgroundSubtractorLSBP(int, int) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorLSBP algorithm.
- createBackgroundSubtractorLSBP(int, int, int) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorLSBP algorithm.
- createBackgroundSubtractorLSBP(int, int, int, float) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorLSBP algorithm.
- createBackgroundSubtractorLSBP(int, int, int, float, float) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorLSBP algorithm.
- createBackgroundSubtractorLSBP(int, int, int, float, float, float) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorLSBP algorithm.
- createBackgroundSubtractorLSBP(int, int, int, float, float, float, float) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorLSBP algorithm.
- createBackgroundSubtractorLSBP(int, int, int, float, float, float, float, float) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorLSBP algorithm.
- createBackgroundSubtractorLSBP(int, int, int, float, float, float, float, float, float) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorLSBP algorithm.
- createBackgroundSubtractorLSBP(int, int, int, float, float, float, float, float, float, float) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorLSBP algorithm.
- createBackgroundSubtractorLSBP(int, int, int, float, float, float, float, float, float, float, float) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorLSBP algorithm.
- createBackgroundSubtractorLSBP(int, int, int, float, float, float, float, float, float, float, float, int) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorLSBP algorithm.
- createBackgroundSubtractorLSBP(int, int, int, float, float, float, float, float, float, float, float, int, int) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of BackgroundSubtractorLSBP algorithm.
- createBackgroundSubtractorMOG() - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates mixture-of-gaussian background subtractor means some automatic value.
- createBackgroundSubtractorMOG(int) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates mixture-of-gaussian background subtractor
- createBackgroundSubtractorMOG(int, int) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates mixture-of-gaussian background subtractor
- createBackgroundSubtractorMOG(int, int, double) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates mixture-of-gaussian background subtractor
- createBackgroundSubtractorMOG(int, int, double, double) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates mixture-of-gaussian background subtractor
- createBackgroundSubtractorMOG2() - Static method in class org.opencv.video.Video
-
Creates MOG2 Background Subtractor to decide whether a pixel is well described by the background model.
- createBackgroundSubtractorMOG2(int) - Static method in class org.opencv.video.Video
-
Creates MOG2 Background Subtractor
- createBackgroundSubtractorMOG2(int, double) - Static method in class org.opencv.video.Video
-
Creates MOG2 Background Subtractor
- createBackgroundSubtractorMOG2(int, double, boolean) - Static method in class org.opencv.video.Video
-
Creates MOG2 Background Subtractor
- createCalibrateDebevec() - Static method in class org.opencv.photo.Photo
-
Creates CalibrateDebevec object response.
- createCalibrateDebevec(int) - Static method in class org.opencv.photo.Photo
-
Creates CalibrateDebevec object
- createCalibrateDebevec(int, float) - Static method in class org.opencv.photo.Photo
-
Creates CalibrateDebevec object
- createCalibrateDebevec(int, float, boolean) - Static method in class org.opencv.photo.Photo
-
Creates CalibrateDebevec object
- createCalibrateRobertson() - Static method in class org.opencv.photo.Photo
-
Creates CalibrateRobertson object
- createCalibrateRobertson(int) - Static method in class org.opencv.photo.Photo
-
Creates CalibrateRobertson object
- createCalibrateRobertson(int, float) - Static method in class org.opencv.photo.Photo
-
Creates CalibrateRobertson object
- createCLAHE() - Static method in class org.opencv.imgproc.Imgproc
-
Creates a smart pointer to a cv::CLAHE class and initializes it.
- createCLAHE(double) - Static method in class org.opencv.imgproc.Imgproc
-
Creates a smart pointer to a cv::CLAHE class and initializes it.
- createCLAHE(double, Size) - Static method in class org.opencv.imgproc.Imgproc
-
Creates a smart pointer to a cv::CLAHE class and initializes it.
- createContourFitting() - Static method in class org.opencv.ximgproc.Ximgproc
-
create ContourFitting algorithm object
- createContourFitting(int) - Static method in class org.opencv.ximgproc.Ximgproc
-
create ContourFitting algorithm object
- createContourFitting(int, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
create ContourFitting algorithm object
- createDisparityWLSFilter(StereoMatcher) - Static method in class org.opencv.ximgproc.Ximgproc
-
Convenience factory method that creates an instance of DisparityWLSFilter and sets up all the relevant filter parameters automatically based on the matcher instance.
- createDisparityWLSFilterGeneric(boolean) - Static method in class org.opencv.ximgproc.Ximgproc
-
More generic factory method, create instance of DisparityWLSFilter and execute basic initialization routines.
- createDTFilter(Mat, double, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Factory method, create instance of DTFilter and produce initialization routines.
- createDTFilter(Mat, double, double, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Factory method, create instance of DTFilter and produce initialization routines.
- createDTFilter(Mat, double, double, int, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Factory method, create instance of DTFilter and produce initialization routines.
- createEdgeAwareInterpolator() - Static method in class org.opencv.ximgproc.Ximgproc
-
Factory method that creates an instance of the EdgeAwareInterpolator.
- createEdgeBoxes() - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a Edgeboxes
- createEdgeBoxes(float) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a Edgeboxes
- createEdgeBoxes(float, float) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a Edgeboxes
- createEdgeBoxes(float, float, float) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a Edgeboxes
- createEdgeBoxes(float, float, float, float) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a Edgeboxes
- createEdgeBoxes(float, float, float, float, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a Edgeboxes
- createEdgeBoxes(float, float, float, float, int, float) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a Edgeboxes
- createEdgeBoxes(float, float, float, float, int, float, float) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a Edgeboxes
- createEdgeBoxes(float, float, float, float, int, float, float, float) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a Edgeboxes
- createEdgeBoxes(float, float, float, float, int, float, float, float, float) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a Edgeboxes
- createEdgeBoxes(float, float, float, float, int, float, float, float, float, float) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a Edgeboxes
- createEdgeBoxes(float, float, float, float, int, float, float, float, float, float, float) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a Edgeboxes
- createEdgeBoxes(float, float, float, float, int, float, float, float, float, float, float, float) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a Edgeboxes
- createEdgeDrawing() - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a smart pointer to a EdgeDrawing object and initializes it
- createERFilterNM1(String) - Static method in class org.opencv.text.Text
-
Reads an Extremal Region Filter for the 1st stage classifier of N&M algorithm from the provided path e.g.
- createERFilterNM1(String, int) - Static method in class org.opencv.text.Text
-
Reads an Extremal Region Filter for the 1st stage classifier of N&M algorithm from the provided path e.g.
- createERFilterNM1(String, int, float) - Static method in class org.opencv.text.Text
-
Reads an Extremal Region Filter for the 1st stage classifier of N&M algorithm from the provided path e.g.
- createERFilterNM1(String, int, float, float) - Static method in class org.opencv.text.Text
-
Reads an Extremal Region Filter for the 1st stage classifier of N&M algorithm from the provided path e.g.
- createERFilterNM1(String, int, float, float, float) - Static method in class org.opencv.text.Text
-
Reads an Extremal Region Filter for the 1st stage classifier of N&M algorithm from the provided path e.g.
- createERFilterNM1(String, int, float, float, float, boolean) - Static method in class org.opencv.text.Text
-
Reads an Extremal Region Filter for the 1st stage classifier of N&M algorithm from the provided path e.g.
- createERFilterNM1(String, int, float, float, float, boolean, float) - Static method in class org.opencv.text.Text
-
Reads an Extremal Region Filter for the 1st stage classifier of N&M algorithm from the provided path e.g.
- createERFilterNM1(ERFilter_Callback) - Static method in class org.opencv.text.Text
-
Create an Extremal Region Filter for the 1st stage classifier of N&M algorithm CITE: Neumann12.
- createERFilterNM1(ERFilter_Callback, int) - Static method in class org.opencv.text.Text
-
Create an Extremal Region Filter for the 1st stage classifier of N&M algorithm CITE: Neumann12.
- createERFilterNM1(ERFilter_Callback, int, float) - Static method in class org.opencv.text.Text
-
Create an Extremal Region Filter for the 1st stage classifier of N&M algorithm CITE: Neumann12.
- createERFilterNM1(ERFilter_Callback, int, float, float) - Static method in class org.opencv.text.Text
-
Create an Extremal Region Filter for the 1st stage classifier of N&M algorithm CITE: Neumann12.
- createERFilterNM1(ERFilter_Callback, int, float, float, float) - Static method in class org.opencv.text.Text
-
Create an Extremal Region Filter for the 1st stage classifier of N&M algorithm CITE: Neumann12.
- createERFilterNM1(ERFilter_Callback, int, float, float, float, boolean) - Static method in class org.opencv.text.Text
-
Create an Extremal Region Filter for the 1st stage classifier of N&M algorithm CITE: Neumann12.
- createERFilterNM1(ERFilter_Callback, int, float, float, float, boolean, float) - Static method in class org.opencv.text.Text
-
Create an Extremal Region Filter for the 1st stage classifier of N&M algorithm CITE: Neumann12.
- createERFilterNM2(String) - Static method in class org.opencv.text.Text
-
Reads an Extremal Region Filter for the 2nd stage classifier of N&M algorithm from the provided path e.g.
- createERFilterNM2(String, float) - Static method in class org.opencv.text.Text
-
Reads an Extremal Region Filter for the 2nd stage classifier of N&M algorithm from the provided path e.g.
- createERFilterNM2(ERFilter_Callback) - Static method in class org.opencv.text.Text
-
Create an Extremal Region Filter for the 2nd stage classifier of N&M algorithm CITE: Neumann12.
- createERFilterNM2(ERFilter_Callback, float) - Static method in class org.opencv.text.Text
-
Create an Extremal Region Filter for the 2nd stage classifier of N&M algorithm CITE: Neumann12.
- createFacemarkAAM() - Static method in class org.opencv.face.Face
- createFacemarkKazemi() - Static method in class org.opencv.face.Face
- createFacemarkLBF() - Static method in class org.opencv.face.Face
- createFastBilateralSolverFilter(Mat, double, double, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Factory method, create instance of FastBilateralSolverFilter and execute the initialization routines.
- createFastBilateralSolverFilter(Mat, double, double, double, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Factory method, create instance of FastBilateralSolverFilter and execute the initialization routines.
- createFastBilateralSolverFilter(Mat, double, double, double, double, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Factory method, create instance of FastBilateralSolverFilter and execute the initialization routines.
- createFastBilateralSolverFilter(Mat, double, double, double, double, int, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Factory method, create instance of FastBilateralSolverFilter and execute the initialization routines.
- createFastGlobalSmootherFilter(Mat, double, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Factory method, create instance of FastGlobalSmootherFilter and execute the initialization routines.
- createFastGlobalSmootherFilter(Mat, double, double, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Factory method, create instance of FastGlobalSmootherFilter and execute the initialization routines.
- createFastGlobalSmootherFilter(Mat, double, double, double, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Factory method, create instance of FastGlobalSmootherFilter and execute the initialization routines.
- createFastLineDetector() - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a smart pointer to a FastLineDetector object and initializes it segment farther than this will be regarded as an outlier If zero, Canny() is not applied and the input image is taken as an edge image.
- createFastLineDetector(int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a smart pointer to a FastLineDetector object and initializes it
- createFastLineDetector(int, float) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a smart pointer to a FastLineDetector object and initializes it
- createFastLineDetector(int, float, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a smart pointer to a FastLineDetector object and initializes it
- createFastLineDetector(int, float, double, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a smart pointer to a FastLineDetector object and initializes it
- createFastLineDetector(int, float, double, double, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a smart pointer to a FastLineDetector object and initializes it
- createFastLineDetector(int, float, double, double, int, boolean) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a smart pointer to a FastLineDetector object and initializes it
- createGeneralizedHoughBallard() - Static method in class org.opencv.imgproc.Imgproc
-
Creates a smart pointer to a cv::GeneralizedHoughBallard class and initializes it.
- createGeneralizedHoughGuil() - Static method in class org.opencv.imgproc.Imgproc
-
Creates a smart pointer to a cv::GeneralizedHoughGuil class and initializes it.
- createGraphSegmentation() - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a graph based segmentor
- createGraphSegmentation(double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a graph based segmentor
- createGraphSegmentation(double, float) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a graph based segmentor
- createGraphSegmentation(double, float, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Creates a graph based segmentor
- createGrayworldWB() - Static method in class org.opencv.xphoto.Xphoto
-
Creates an instance of GrayworldWB
- createGuidedFilter(Mat, int, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Factory method, create instance of GuidedFilter and produce initialization routines.
- createGuidedFilter(Mat, int, double, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Factory method, create instance of GuidedFilter and produce initialization routines.
- createHanningWindow(Mat, Size, int) - Static method in class org.opencv.imgproc.Imgproc
-
This function computes a Hanning window coefficients in two dimensions.
- createJFrame(String, int) - Static method in class org.opencv.highgui.HighGui
- createLearningBasedWB() - Static method in class org.opencv.xphoto.Xphoto
-
Creates an instance of LearningBasedWB
- createLearningBasedWB(String) - Static method in class org.opencv.xphoto.Xphoto
-
Creates an instance of LearningBasedWB
- createLineSegmentDetector() - Static method in class org.opencv.imgproc.Imgproc
-
Creates a smart pointer to a LineSegmentDetector object and initializes it.
- createLineSegmentDetector(int) - Static method in class org.opencv.imgproc.Imgproc
-
Creates a smart pointer to a LineSegmentDetector object and initializes it.
- createLineSegmentDetector(int, double) - Static method in class org.opencv.imgproc.Imgproc
-
Creates a smart pointer to a LineSegmentDetector object and initializes it.
- createLineSegmentDetector(int, double, double) - Static method in class org.opencv.imgproc.Imgproc
-
Creates a smart pointer to a LineSegmentDetector object and initializes it.
- createLineSegmentDetector(int, double, double, double) - Static method in class org.opencv.imgproc.Imgproc
-
Creates a smart pointer to a LineSegmentDetector object and initializes it.
- createLineSegmentDetector(int, double, double, double, double) - Static method in class org.opencv.imgproc.Imgproc
-
Creates a smart pointer to a LineSegmentDetector object and initializes it.
- createLineSegmentDetector(int, double, double, double, double, double) - Static method in class org.opencv.imgproc.Imgproc
-
Creates a smart pointer to a LineSegmentDetector object and initializes it.
- createLineSegmentDetector(int, double, double, double, double, double, double) - Static method in class org.opencv.imgproc.Imgproc
-
Creates a smart pointer to a LineSegmentDetector object and initializes it.
- createLineSegmentDetector(int, double, double, double, double, double, double, int) - Static method in class org.opencv.imgproc.Imgproc
-
Creates a smart pointer to a LineSegmentDetector object and initializes it.
- createMergeDebevec() - Static method in class org.opencv.photo.Photo
-
Creates MergeDebevec object
- createMergeMertens() - Static method in class org.opencv.photo.Photo
-
Creates MergeMertens object
- createMergeMertens(float) - Static method in class org.opencv.photo.Photo
-
Creates MergeMertens object
- createMergeMertens(float, float) - Static method in class org.opencv.photo.Photo
-
Creates MergeMertens object
- createMergeMertens(float, float, float) - Static method in class org.opencv.photo.Photo
-
Creates MergeMertens object
- createMergeRobertson() - Static method in class org.opencv.photo.Photo
-
Creates MergeRobertson object
- createOCRHMMTransitionsTable(String, List<String>) - Static method in class org.opencv.text.Text
-
Utility function to create a tailored language model transitions table from a given list of words (lexicon).
- createQuaternionImage(Mat, Mat) - Static method in class org.opencv.ximgproc.Ximgproc
-
creates a quaternion image.
- createRFFeatureGetter() - Static method in class org.opencv.ximgproc.Ximgproc
- createRICInterpolator() - Static method in class org.opencv.ximgproc.Ximgproc
-
Factory method that creates an instance of the RICInterpolator.
- createRightMatcher(StereoMatcher) - Static method in class org.opencv.ximgproc.Ximgproc
-
Convenience method to set up the matcher for computing the right-view disparity map that is required in case of filtering with confidence.
- createScanSegment(int, int, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Initializes a ScanSegment object.
- createScanSegment(int, int, int, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Initializes a ScanSegment object.
- createScanSegment(int, int, int, int, boolean) - Static method in class org.opencv.ximgproc.Ximgproc
-
Initializes a ScanSegment object.
- createSelectiveSearchSegmentation() - Static method in class org.opencv.ximgproc.Ximgproc
-
Create a new SelectiveSearchSegmentation class.
- createSelectiveSearchSegmentationStrategyColor() - Static method in class org.opencv.ximgproc.Ximgproc
-
Create a new color-based strategy
- createSelectiveSearchSegmentationStrategyFill() - Static method in class org.opencv.ximgproc.Ximgproc
-
Create a new fill-based strategy
- createSelectiveSearchSegmentationStrategyMultiple() - Static method in class org.opencv.ximgproc.Ximgproc
-
Create a new multiple strategy
- createSelectiveSearchSegmentationStrategyMultiple(SelectiveSearchSegmentationStrategy) - Static method in class org.opencv.ximgproc.Ximgproc
-
Create a new multiple strategy and set one subtrategy
- createSelectiveSearchSegmentationStrategyMultiple(SelectiveSearchSegmentationStrategy, SelectiveSearchSegmentationStrategy) - Static method in class org.opencv.ximgproc.Ximgproc
-
Create a new multiple strategy and set two subtrategies, with equal weights
- createSelectiveSearchSegmentationStrategyMultiple(SelectiveSearchSegmentationStrategy, SelectiveSearchSegmentationStrategy, SelectiveSearchSegmentationStrategy) - Static method in class org.opencv.ximgproc.Ximgproc
-
Create a new multiple strategy and set three subtrategies, with equal weights
- createSelectiveSearchSegmentationStrategyMultiple(SelectiveSearchSegmentationStrategy, SelectiveSearchSegmentationStrategy, SelectiveSearchSegmentationStrategy, SelectiveSearchSegmentationStrategy) - Static method in class org.opencv.ximgproc.Ximgproc
-
Create a new multiple strategy and set four subtrategies, with equal weights
- createSelectiveSearchSegmentationStrategySize() - Static method in class org.opencv.ximgproc.Ximgproc
-
Create a new size-based strategy
- createSelectiveSearchSegmentationStrategyTexture() - Static method in class org.opencv.ximgproc.Ximgproc
-
Create a new size-based strategy
- createSimpleWB() - Static method in class org.opencv.xphoto.Xphoto
-
Creates an instance of SimpleWB
- createStructuredEdgeDetection(String) - Static method in class org.opencv.ximgproc.Ximgproc
- createStructuredEdgeDetection(String, RFFeatureGetter) - Static method in class org.opencv.ximgproc.Ximgproc
- createSuperpixelLSC(Mat) - Static method in class org.opencv.ximgproc.Ximgproc
-
Class implementing the LSC (Linear Spectral Clustering) superpixels
- createSuperpixelLSC(Mat, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Class implementing the LSC (Linear Spectral Clustering) superpixels
- createSuperpixelLSC(Mat, int, float) - Static method in class org.opencv.ximgproc.Ximgproc
-
Class implementing the LSC (Linear Spectral Clustering) superpixels
- createSuperpixelSEEDS(int, int, int, int, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Initializes a SuperpixelSEEDS object.
- createSuperpixelSEEDS(int, int, int, int, int, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Initializes a SuperpixelSEEDS object.
- createSuperpixelSEEDS(int, int, int, int, int, int, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Initializes a SuperpixelSEEDS object.
- createSuperpixelSEEDS(int, int, int, int, int, int, int, boolean) - Static method in class org.opencv.ximgproc.Ximgproc
-
Initializes a SuperpixelSEEDS object.
- createSuperpixelSLIC(Mat) - Static method in class org.opencv.ximgproc.Ximgproc
-
Initialize a SuperpixelSLIC object
- createSuperpixelSLIC(Mat, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Initialize a SuperpixelSLIC object
- createSuperpixelSLIC(Mat, int, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Initialize a SuperpixelSLIC object
- createSuperpixelSLIC(Mat, int, int, float) - Static method in class org.opencv.ximgproc.Ximgproc
-
Initialize a SuperpixelSLIC object
- createSyntheticSequenceGenerator(Mat, Mat) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of SyntheticSequenceGenerator.
- createSyntheticSequenceGenerator(Mat, Mat, double) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of SyntheticSequenceGenerator.
- createSyntheticSequenceGenerator(Mat, Mat, double, double) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of SyntheticSequenceGenerator.
- createSyntheticSequenceGenerator(Mat, Mat, double, double, double) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of SyntheticSequenceGenerator.
- createSyntheticSequenceGenerator(Mat, Mat, double, double, double, double) - Static method in class org.opencv.bgsegm.Bgsegm
-
Creates an instance of SyntheticSequenceGenerator.
- createTonemap() - Static method in class org.opencv.photo.Photo
-
Creates simple linear mapper with gamma correction equal to 2.2f is suitable for most displays.
- createTonemap(float) - Static method in class org.opencv.photo.Photo
-
Creates simple linear mapper with gamma correction
- createTonemapDrago() - Static method in class org.opencv.photo.Photo
-
Creates TonemapDrago object than 1 increase saturation and values less than 1 decrease it.
- createTonemapDrago(float) - Static method in class org.opencv.photo.Photo
-
Creates TonemapDrago object
- createTonemapDrago(float, float) - Static method in class org.opencv.photo.Photo
-
Creates TonemapDrago object
- createTonemapDrago(float, float, float) - Static method in class org.opencv.photo.Photo
-
Creates TonemapDrago object
- createTonemapDurand() - Static method in class org.opencv.xphoto.Xphoto
-
Creates TonemapDurand object You need to set the OPENCV_ENABLE_NONFREE option in cmake to use those.
- createTonemapDurand(float) - Static method in class org.opencv.xphoto.Xphoto
-
Creates TonemapDurand object You need to set the OPENCV_ENABLE_NONFREE option in cmake to use those.
- createTonemapDurand(float, float) - Static method in class org.opencv.xphoto.Xphoto
-
Creates TonemapDurand object You need to set the OPENCV_ENABLE_NONFREE option in cmake to use those.
- createTonemapDurand(float, float, float) - Static method in class org.opencv.xphoto.Xphoto
-
Creates TonemapDurand object You need to set the OPENCV_ENABLE_NONFREE option in cmake to use those.
- createTonemapDurand(float, float, float, float) - Static method in class org.opencv.xphoto.Xphoto
-
Creates TonemapDurand object You need to set the OPENCV_ENABLE_NONFREE option in cmake to use those.
- createTonemapDurand(float, float, float, float, float) - Static method in class org.opencv.xphoto.Xphoto
-
Creates TonemapDurand object You need to set the OPENCV_ENABLE_NONFREE option in cmake to use those.
- createTonemapMantiuk() - Static method in class org.opencv.photo.Photo
-
Creates TonemapMantiuk object dynamic range.
- createTonemapMantiuk(float) - Static method in class org.opencv.photo.Photo
-
Creates TonemapMantiuk object
- createTonemapMantiuk(float, float) - Static method in class org.opencv.photo.Photo
-
Creates TonemapMantiuk object
- createTonemapMantiuk(float, float, float) - Static method in class org.opencv.photo.Photo
-
Creates TonemapMantiuk object
- createTonemapReinhard() - Static method in class org.opencv.photo.Photo
-
Creates TonemapReinhard object value, if 0 it's global, otherwise it's a weighted mean of this two cases.
- createTonemapReinhard(float) - Static method in class org.opencv.photo.Photo
-
Creates TonemapReinhard object
- createTonemapReinhard(float, float) - Static method in class org.opencv.photo.Photo
-
Creates TonemapReinhard object
- createTonemapReinhard(float, float, float) - Static method in class org.opencv.photo.Photo
-
Creates TonemapReinhard object
- createTonemapReinhard(float, float, float, float) - Static method in class org.opencv.photo.Photo
-
Creates TonemapReinhard object
- cross(Mat) - Method in class org.opencv.core.Mat
- cross(Point3) - Method in class org.opencv.core.Point3
- cubeRoot(float) - Static method in class org.opencv.core.Core
-
Computes the cube root of an argument.
- CUSTOM - Static variable in class org.opencv.ml.SVM
- CUSTOM - Static variable in class org.opencv.tracking.TrackerKCF
- CV_16F - Static variable in class org.opencv.core.CvType
- CV_16FC(int) - Static method in class org.opencv.core.CvType
- CV_16FC1 - Static variable in class org.opencv.core.CvType
- CV_16FC2 - Static variable in class org.opencv.core.CvType
- CV_16FC3 - Static variable in class org.opencv.core.CvType
- CV_16FC4 - Static variable in class org.opencv.core.CvType
- CV_16S - Static variable in class org.opencv.core.CvType
- CV_16SC(int) - Static method in class org.opencv.core.CvType
- CV_16SC1 - Static variable in class org.opencv.core.CvType
- CV_16SC2 - Static variable in class org.opencv.core.CvType
- CV_16SC3 - Static variable in class org.opencv.core.CvType
- CV_16SC4 - Static variable in class org.opencv.core.CvType
- CV_16U - Static variable in class org.opencv.core.CvType
- CV_16UC(int) - Static method in class org.opencv.core.CvType
- CV_16UC1 - Static variable in class org.opencv.core.CvType
- CV_16UC2 - Static variable in class org.opencv.core.CvType
- CV_16UC3 - Static variable in class org.opencv.core.CvType
- CV_16UC4 - Static variable in class org.opencv.core.CvType
- CV_32F - Static variable in class org.opencv.core.CvType
- CV_32FC(int) - Static method in class org.opencv.core.CvType
- CV_32FC1 - Static variable in class org.opencv.core.CvType
- CV_32FC2 - Static variable in class org.opencv.core.CvType
- CV_32FC3 - Static variable in class org.opencv.core.CvType
- CV_32FC4 - Static variable in class org.opencv.core.CvType
- CV_32S - Static variable in class org.opencv.core.CvType
- CV_32SC(int) - Static method in class org.opencv.core.CvType
- CV_32SC1 - Static variable in class org.opencv.core.CvType
- CV_32SC2 - Static variable in class org.opencv.core.CvType
- CV_32SC3 - Static variable in class org.opencv.core.CvType
- CV_32SC4 - Static variable in class org.opencv.core.CvType
- CV_64F - Static variable in class org.opencv.core.CvType
- CV_64FC(int) - Static method in class org.opencv.core.CvType
- CV_64FC1 - Static variable in class org.opencv.core.CvType
- CV_64FC2 - Static variable in class org.opencv.core.CvType
- CV_64FC3 - Static variable in class org.opencv.core.CvType
- CV_64FC4 - Static variable in class org.opencv.core.CvType
- CV_8S - Static variable in class org.opencv.core.CvType
- CV_8SC(int) - Static method in class org.opencv.core.CvType
- CV_8SC1 - Static variable in class org.opencv.core.CvType
- CV_8SC2 - Static variable in class org.opencv.core.CvType
- CV_8SC3 - Static variable in class org.opencv.core.CvType
- CV_8SC4 - Static variable in class org.opencv.core.CvType
- CV_8U - Static variable in class org.opencv.core.CvType
- CV_8UC(int) - Static method in class org.opencv.core.CvType
- CV_8UC1 - Static variable in class org.opencv.core.CvType
- CV_8UC2 - Static variable in class org.opencv.core.CvType
- CV_8UC3 - Static variable in class org.opencv.core.CvType
- CV_8UC4 - Static variable in class org.opencv.core.CvType
- CV_BILATERAL - Static variable in class org.opencv.imgproc.Imgproc
- CV_BLUR - Static variable in class org.opencv.imgproc.Imgproc
- CV_BLUR_NO_SCALE - Static variable in class org.opencv.imgproc.Imgproc
- CV_CANNY_L2_GRADIENT - Static variable in class org.opencv.imgproc.Imgproc
- CV_CHAIN_CODE - Static variable in class org.opencv.imgproc.Imgproc
- CV_CLOCKWISE - Static variable in class org.opencv.imgproc.Imgproc
- CV_COMP_BHATTACHARYYA - Static variable in class org.opencv.imgproc.Imgproc
- CV_COMP_CHISQR - Static variable in class org.opencv.imgproc.Imgproc
- CV_COMP_CHISQR_ALT - Static variable in class org.opencv.imgproc.Imgproc
- CV_COMP_CORREL - Static variable in class org.opencv.imgproc.Imgproc
- CV_COMP_HELLINGER - Static variable in class org.opencv.imgproc.Imgproc
- CV_COMP_INTERSECT - Static variable in class org.opencv.imgproc.Imgproc
- CV_COMP_KL_DIV - Static variable in class org.opencv.imgproc.Imgproc
- CV_CONTOURS_MATCH_I1 - Static variable in class org.opencv.imgproc.Imgproc
- CV_CONTOURS_MATCH_I2 - Static variable in class org.opencv.imgproc.Imgproc
- CV_CONTOURS_MATCH_I3 - Static variable in class org.opencv.imgproc.Imgproc
- CV_COUNTER_CLOCKWISE - Static variable in class org.opencv.imgproc.Imgproc
- CV_DIST_C - Static variable in class org.opencv.imgproc.Imgproc
- CV_DIST_FAIR - Static variable in class org.opencv.imgproc.Imgproc
- CV_DIST_HUBER - Static variable in class org.opencv.imgproc.Imgproc
- CV_DIST_L1 - Static variable in class org.opencv.imgproc.Imgproc
- CV_DIST_L12 - Static variable in class org.opencv.imgproc.Imgproc
- CV_DIST_L2 - Static variable in class org.opencv.imgproc.Imgproc
- CV_DIST_LABEL_CCOMP - Static variable in class org.opencv.imgproc.Imgproc
- CV_DIST_LABEL_PIXEL - Static variable in class org.opencv.imgproc.Imgproc
- CV_DIST_MASK_3 - Static variable in class org.opencv.imgproc.Imgproc
- CV_DIST_MASK_5 - Static variable in class org.opencv.imgproc.Imgproc
- CV_DIST_MASK_PRECISE - Static variable in class org.opencv.imgproc.Imgproc
- CV_DIST_USER - Static variable in class org.opencv.imgproc.Imgproc
- CV_DIST_WELSCH - Static variable in class org.opencv.imgproc.Imgproc
- CV_DLS - Static variable in class org.opencv.calib3d.Calib3d
- CV_EPNP - Static variable in class org.opencv.calib3d.Calib3d
- CV_GAUSSIAN - Static variable in class org.opencv.imgproc.Imgproc
- CV_GAUSSIAN_5x5 - Static variable in class org.opencv.imgproc.Imgproc
- CV_HOUGH_GRADIENT - Static variable in class org.opencv.imgproc.Imgproc
- CV_HOUGH_MULTI_SCALE - Static variable in class org.opencv.imgproc.Imgproc
- CV_HOUGH_PROBABILISTIC - Static variable in class org.opencv.imgproc.Imgproc
- CV_HOUGH_STANDARD - Static variable in class org.opencv.imgproc.Imgproc
- CV_ITERATIVE - Static variable in class org.opencv.calib3d.Calib3d
- CV_LINK_RUNS - Static variable in class org.opencv.imgproc.Imgproc
- CV_MAX_SOBEL_KSIZE - Static variable in class org.opencv.imgproc.Imgproc
- CV_MEDIAN - Static variable in class org.opencv.imgproc.Imgproc
- CV_mRGBA2RGBA - Static variable in class org.opencv.imgproc.Imgproc
- CV_P3P - Static variable in class org.opencv.calib3d.Calib3d
- CV_POLY_APPROX_DP - Static variable in class org.opencv.imgproc.Imgproc
- CV_RGBA2mRGBA - Static variable in class org.opencv.imgproc.Imgproc
- CV_SCHARR - Static variable in class org.opencv.imgproc.Imgproc
- CV_SHAPE_CROSS - Static variable in class org.opencv.imgproc.Imgproc
- CV_SHAPE_CUSTOM - Static variable in class org.opencv.imgproc.Imgproc
- CV_SHAPE_ELLIPSE - Static variable in class org.opencv.imgproc.Imgproc
- CV_SHAPE_RECT - Static variable in class org.opencv.imgproc.Imgproc
- CV_USRTYPE1 - Static variable in class org.opencv.core.CvType
-
Deprecated.please use
CvType.CV_16F
- CV_WARP_FILL_OUTLIERS - Static variable in class org.opencv.imgproc.Imgproc
- CV_WARP_INVERSE_MAP - Static variable in class org.opencv.imgproc.Imgproc
- CV_WARP_RELATIVE_MAP - Static variable in class org.opencv.imgproc.Imgproc
- CvException - Exception in org.opencv.core
- CvException(String) - Constructor for exception org.opencv.core.CvException
- CvFeatureParams_HAAR - Static variable in class org.opencv.tracking.Tracking
- CvFeatureParams_HOG - Static variable in class org.opencv.tracking.Tracking
- CvFeatureParams_LBP - Static variable in class org.opencv.tracking.Tracking
- CvLevMarq_CALC_J - Static variable in class org.opencv.calib3d.Calib3d
- CvLevMarq_CHECK_ERR - Static variable in class org.opencv.calib3d.Calib3d
- CvLevMarq_DONE - Static variable in class org.opencv.calib3d.Calib3d
- CvLevMarq_STARTED - Static variable in class org.opencv.calib3d.Calib3d
- cvtColor(Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
Converts an image from one color space to another.
- cvtColor(Mat, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Converts an image from one color space to another.
- cvtColor(Mat, Mat, int, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Converts an image from one color space to another.
- cvtColorTwoPlane(Mat, Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
Converts an image from one color space to another where the source image is stored in two planes.
- cvtColorTwoPlane(Mat, Mat, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Converts an image from one color space to another where the source image is stored in two planes.
- CvType - Class in org.opencv.core
- CvType() - Constructor for class org.opencv.core.CvType
D
- DAISY - Class in org.opencv.xfeatures2d
-
Class implementing DAISY descriptor, described in CITE: Tola10 radius radius of the descriptor at the initial scale q_radius amount of radial range division quantity q_theta amount of angular range division quantity q_hist amount of gradient orientations range division quantity norm choose descriptors normalization type, where DAISY::NRM_NONE will not do any normalization (default), DAISY::NRM_PARTIAL mean that histograms are normalized independently for L2 norm equal to 1.0, DAISY::NRM_FULL mean that descriptors are normalized for L2 norm equal to 1.0, DAISY::NRM_SIFT mean that descriptors are normalized for L2 norm equal to 1.0 but no individual one is bigger than 0.154 as in SIFT H optional 3x3 homography matrix used to warp the grid of daisy but sampling keypoints remains unwarped on image interpolation switch to disable interpolation for speed improvement at minor quality loss use_orientation sample patterns using keypoints orientation, disabled by default.
- DAISY(long) - Constructor for class org.opencv.xfeatures2d.DAISY
- dataAddr() - Method in class org.opencv.core.Mat
- dct(Mat, Mat) - Static method in class org.opencv.core.Core
-
Performs a forward or inverse discrete Cosine transform of 1D or 2D array.
- dct(Mat, Mat, int) - Static method in class org.opencv.core.Core
-
Performs a forward or inverse discrete Cosine transform of 1D or 2D array.
- DCT_INVERSE - Static variable in class org.opencv.core.Core
- DCT_ROWS - Static variable in class org.opencv.core.Core
- dctDenoising(Mat, Mat, double) - Static method in class org.opencv.xphoto.Xphoto
-
The function implements simple dct-based denoising <http://www.ipol.im/pub/art/2011/ys-dct/>.
- dctDenoising(Mat, Mat, double, int) - Static method in class org.opencv.xphoto.Xphoto
-
The function implements simple dct-based denoising <http://www.ipol.im/pub/art/2011/ys-dct/>.
- decode(Mat, Mat) - Method in class org.opencv.objdetect.GraphicalCodeDetector
-
Decodes graphical code in image once it's found by the detect() method.
- decode(Mat, Mat, Mat) - Method in class org.opencv.objdetect.GraphicalCodeDetector
-
Decodes graphical code in image once it's found by the detect() method.
- DECODE_3D_UNDERWORLD - Static variable in class org.opencv.structured_light.Structured_light
- decodeCurved(Mat, Mat) - Method in class org.opencv.objdetect.QRCodeDetector
-
Decodes QR code on a curved surface in image once it's found by the detect() method.
- decodeCurved(Mat, Mat, Mat) - Method in class org.opencv.objdetect.QRCodeDetector
-
Decodes QR code on a curved surface in image once it's found by the detect() method.
- decodeMulti(Mat, Mat, List<String>) - Method in class org.opencv.objdetect.GraphicalCodeDetector
-
Decodes graphical codes in image once it's found by the detect() method.
- decodeMulti(Mat, Mat, List<String>, List<Mat>) - Method in class org.opencv.objdetect.GraphicalCodeDetector
-
Decodes graphical codes in image once it's found by the detect() method.
- decodeWithType(Mat, Mat, List<String>, List<String>) - Method in class org.opencv.objdetect.BarcodeDetector
-
Decodes barcode in image once it's found by the detect() method.
- decolor(Mat, Mat, Mat) - Static method in class org.opencv.photo.Photo
-
Transforms a color image to a grayscale image.
- DECOMP_CHOLESKY - Static variable in class org.opencv.core.Core
- DECOMP_EIG - Static variable in class org.opencv.core.Core
- DECOMP_LU - Static variable in class org.opencv.core.Core
- DECOMP_NORMAL - Static variable in class org.opencv.core.Core
- DECOMP_QR - Static variable in class org.opencv.core.Core
- DECOMP_SVD - Static variable in class org.opencv.core.Core
- decomposeEssentialMat(Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Decompose an essential matrix to possible rotations and translation.
- decomposeHomographyMat(Mat, Mat, List<Mat>, List<Mat>, List<Mat>) - Static method in class org.opencv.calib3d.Calib3d
-
Decompose a homography matrix to rotation(s), translation(s) and plane normal(s).
- decomposeProjectionMatrix(Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Decomposes a projection matrix into a rotation matrix and a camera intrinsic matrix.
- decomposeProjectionMatrix(Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Decomposes a projection matrix into a rotation matrix and a camera intrinsic matrix.
- decomposeProjectionMatrix(Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Decomposes a projection matrix into a rotation matrix and a camera intrinsic matrix.
- decomposeProjectionMatrix(Mat, Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Decomposes a projection matrix into a rotation matrix and a camera intrinsic matrix.
- decomposeProjectionMatrix(Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Decomposes a projection matrix into a rotation matrix and a camera intrinsic matrix.
- DEFAULT_MAX_ITERS - Static variable in class org.opencv.ml.EM
- DEFAULT_NCLUSTERS - Static variable in class org.opencv.ml.EM
- DEFAULT_NLEVELS - Static variable in class org.opencv.objdetect.HOGDescriptor
- defaultNorm() - Method in class org.opencv.features2d.Feature2D
- defaultNorm() - Method in class org.opencv.xfeatures2d.SURF_CUDA
- DEGREE - Static variable in class org.opencv.ml.SVM
- demosaicing(Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
main function for all demosaicing processes
- demosaicing(Mat, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
main function for all demosaicing processes
- denoise_TVL1(List<Mat>, Mat) - Static method in class org.opencv.photo.Photo
-
Primal-dual algorithm is an algorithm for solving special types of variational problems (that is, finding a function to minimize some functional).
- denoise_TVL1(List<Mat>, Mat, double) - Static method in class org.opencv.photo.Photo
-
Primal-dual algorithm is an algorithm for solving special types of variational problems (that is, finding a function to minimize some functional).
- denoise_TVL1(List<Mat>, Mat, double, int) - Static method in class org.opencv.photo.Photo
-
Primal-dual algorithm is an algorithm for solving special types of variational problems (that is, finding a function to minimize some functional).
- DenseOpticalFlow - Class in org.opencv.video
-
Base class for dense optical flow algorithms
- DenseOpticalFlow(long) - Constructor for class org.opencv.video.DenseOpticalFlow
- depth() - Method in class org.opencv.core.Mat
- depth(int) - Static method in class org.opencv.core.CvType
- DESCR_FORMAT_COL_BY_COL - Static variable in class org.opencv.objdetect.HOGDescriptor
- DESCR_FORMAT_ROW_BY_ROW - Static variable in class org.opencv.objdetect.HOGDescriptor
- DESCRIPTOR_KAZE - Static variable in class org.opencv.features2d.AKAZE
- DESCRIPTOR_KAZE_UPRIGHT - Static variable in class org.opencv.features2d.AKAZE
- DESCRIPTOR_MLDB - Static variable in class org.opencv.features2d.AKAZE
- DESCRIPTOR_MLDB_UPRIGHT - Static variable in class org.opencv.features2d.AKAZE
- DescriptorMatcher - Class in org.opencv.features2d
-
Abstract base class for matching keypoint descriptors.
- DescriptorMatcher(long) - Constructor for class org.opencv.features2d.DescriptorMatcher
- descriptorsCount() - Method in class org.opencv.features2d.BOWTrainer
-
Returns the count of all descriptors stored in the training set.
- descriptorSize() - Method in class org.opencv.features2d.BOWImgDescriptorExtractor
-
Returns an image descriptor size if the vocabulary is set.
- descriptorSize() - Method in class org.opencv.features2d.Feature2D
- descriptorSize() - Method in class org.opencv.xfeatures2d.SURF_CUDA
- descriptorType() - Method in class org.opencv.features2d.BOWImgDescriptorExtractor
-
Returns an image descriptor type.
- descriptorType() - Method in class org.opencv.features2d.Feature2D
- destroyAllWindows() - Static method in class org.opencv.highgui.HighGui
- destroyWindow(String) - Static method in class org.opencv.highgui.HighGui
- detailEnhance(Mat, Mat) - Static method in class org.opencv.photo.Photo
-
This filter enhances the details of a particular image.
- detailEnhance(Mat, Mat, float) - Static method in class org.opencv.photo.Photo
-
This filter enhances the details of a particular image.
- detailEnhance(Mat, Mat, float, float) - Static method in class org.opencv.photo.Photo
-
This filter enhances the details of a particular image.
- detect(List<Mat>, List<MatOfKeyPoint>) - Method in class org.opencv.features2d.Feature2D
- detect(List<Mat>, List<MatOfKeyPoint>, List<Mat>) - Method in class org.opencv.features2d.Feature2D
- detect(Mat, List<MatOfPoint>) - Method in class org.opencv.dnn.TextDetectionModel
- detect(Mat, List<MatOfPoint>, MatOfFloat) - Method in class org.opencv.dnn.TextDetectionModel
-
Performs detection Given the input
frame
, prepare network input, run network inference, post-process network output and return result detections. - detect(Mat, Mat) - Method in class org.opencv.imgproc.GeneralizedHough
- detect(Mat, Mat) - Method in class org.opencv.imgproc.LineSegmentDetector
-
Finds lines in the input image.
- detect(Mat, Mat) - Method in class org.opencv.objdetect.FaceDetectorYN
-
Detects faces in the input image.
- detect(Mat, Mat) - Method in class org.opencv.objdetect.GraphicalCodeDetector
-
Detects graphical code in image and returns the quadrangle containing the code.
- detect(Mat, Mat) - Method in class org.opencv.ximgproc.FastLineDetector
-
Finds lines in the input image.
- detect(Mat, MatOfInt, MatOfFloat, MatOfRect) - Method in class org.opencv.dnn.DetectionModel
-
Given the
input
frame, create input blob, run net and return result detections. - detect(Mat, MatOfInt, MatOfFloat, MatOfRect, float) - Method in class org.opencv.dnn.DetectionModel
-
Given the
input
frame, create input blob, run net and return result detections. - detect(Mat, MatOfInt, MatOfFloat, MatOfRect, float, float) - Method in class org.opencv.dnn.DetectionModel
-
Given the
input
frame, create input blob, run net and return result detections. - detect(Mat, MatOfKeyPoint) - Method in class org.opencv.features2d.Feature2D
-
Detects keypoints in an image (first variant) or image set (second variant).
- detect(Mat, MatOfKeyPoint, Mat) - Method in class org.opencv.features2d.Feature2D
-
Detects keypoints in an image (first variant) or image set (second variant).
- detect(Mat, MatOfPoint, MatOfDouble) - Method in class org.opencv.objdetect.HOGDescriptor
-
Performs object detection without a multi-scale window.
- detect(Mat, MatOfPoint, MatOfDouble, double) - Method in class org.opencv.objdetect.HOGDescriptor
-
Performs object detection without a multi-scale window.
- detect(Mat, MatOfPoint, MatOfDouble, double, Size) - Method in class org.opencv.objdetect.HOGDescriptor
-
Performs object detection without a multi-scale window.
- detect(Mat, MatOfPoint, MatOfDouble, double, Size, Size) - Method in class org.opencv.objdetect.HOGDescriptor
-
Performs object detection without a multi-scale window.
- detect(Mat, MatOfPoint, MatOfDouble, double, Size, Size, MatOfPoint) - Method in class org.opencv.objdetect.HOGDescriptor
-
Performs object detection without a multi-scale window.
- detect(Mat, MatOfRect, MatOfFloat) - Method in class org.opencv.text.TextDetector
-
Method that provides a quick and simple interface to detect text inside an image
- detect(Mat, MatOfRect, MatOfFloat) - Method in class org.opencv.text.TextDetectorCNN
- detect(Mat, Mat, Mat) - Method in class org.opencv.imgproc.GeneralizedHough
- detect(Mat, Mat, Mat) - Method in class org.opencv.imgproc.LineSegmentDetector
-
Finds lines in the input image.
- detect(Mat, Mat, Mat, Mat) - Method in class org.opencv.imgproc.GeneralizedHough
- detect(Mat, Mat, Mat, Mat) - Method in class org.opencv.imgproc.LineSegmentDetector
-
Finds lines in the input image.
- detect(Mat, Mat, Mat, Mat, Mat) - Method in class org.opencv.imgproc.GeneralizedHough
- detect(Mat, Mat, Mat, Mat, Mat) - Method in class org.opencv.imgproc.LineSegmentDetector
-
Finds lines in the input image.
- detectAndCompute(Mat, Mat, MatOfKeyPoint, Mat) - Method in class org.opencv.features2d.Feature2D
-
Detects keypoints and computes the descriptors
- detectAndCompute(Mat, Mat, MatOfKeyPoint, Mat, boolean) - Method in class org.opencv.features2d.Feature2D
-
Detects keypoints and computes the descriptors
- detectAndDecode(Mat) - Method in class org.opencv.objdetect.GraphicalCodeDetector
-
Both detects and decodes graphical code
- detectAndDecode(Mat) - Method in class org.opencv.wechat_qrcode.WeChatQRCode
-
Both detects and decodes QR code.
- detectAndDecode(Mat, List<Mat>) - Method in class org.opencv.wechat_qrcode.WeChatQRCode
-
Both detects and decodes QR code.
- detectAndDecode(Mat, Mat) - Method in class org.opencv.objdetect.GraphicalCodeDetector
-
Both detects and decodes graphical code
- detectAndDecode(Mat, Mat, Mat) - Method in class org.opencv.objdetect.GraphicalCodeDetector
-
Both detects and decodes graphical code
- detectAndDecodeCurved(Mat) - Method in class org.opencv.objdetect.QRCodeDetector
-
Both detects and decodes QR code on a curved surface
- detectAndDecodeCurved(Mat, Mat) - Method in class org.opencv.objdetect.QRCodeDetector
-
Both detects and decodes QR code on a curved surface
- detectAndDecodeCurved(Mat, Mat, Mat) - Method in class org.opencv.objdetect.QRCodeDetector
-
Both detects and decodes QR code on a curved surface
- detectAndDecodeMulti(Mat, List<String>) - Method in class org.opencv.objdetect.GraphicalCodeDetector
-
Both detects and decodes graphical codes
- detectAndDecodeMulti(Mat, List<String>, Mat) - Method in class org.opencv.objdetect.GraphicalCodeDetector
-
Both detects and decodes graphical codes
- detectAndDecodeMulti(Mat, List<String>, Mat, List<Mat>) - Method in class org.opencv.objdetect.GraphicalCodeDetector
-
Both detects and decodes graphical codes
- detectAndDecodeWithType(Mat, List<String>, List<String>) - Method in class org.opencv.objdetect.BarcodeDetector
-
Both detects and decodes barcode
- detectAndDecodeWithType(Mat, List<String>, List<String>, Mat) - Method in class org.opencv.objdetect.BarcodeDetector
-
Both detects and decodes barcode
- detectBoard(Mat, Mat, Mat) - Method in class org.opencv.objdetect.CharucoDetector
-
detect aruco markers and interpolate position of ChArUco board corners
- detectBoard(Mat, Mat, Mat, List<Mat>) - Method in class org.opencv.objdetect.CharucoDetector
-
detect aruco markers and interpolate position of ChArUco board corners
- detectBoard(Mat, Mat, Mat, List<Mat>, Mat) - Method in class org.opencv.objdetect.CharucoDetector
-
detect aruco markers and interpolate position of ChArUco board corners
- detectCharucoDiamond(Mat, List<Mat>, Mat, float, List<Mat>, Mat) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use CharucoDetector::detectDiamonds
- detectCharucoDiamond(Mat, List<Mat>, Mat, float, List<Mat>, Mat, Mat) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use CharucoDetector::detectDiamonds
- detectCharucoDiamond(Mat, List<Mat>, Mat, float, List<Mat>, Mat, Mat, Mat) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use CharucoDetector::detectDiamonds
- detectCharucoDiamond(Mat, List<Mat>, Mat, float, List<Mat>, Mat, Mat, Mat, Dictionary) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use CharucoDetector::detectDiamonds
- detectDiamonds(Mat, List<Mat>, Mat) - Method in class org.opencv.objdetect.CharucoDetector
-
Detect ChArUco Diamond markers
- detectDiamonds(Mat, List<Mat>, Mat, List<Mat>) - Method in class org.opencv.objdetect.CharucoDetector
-
Detect ChArUco Diamond markers
- detectDiamonds(Mat, List<Mat>, Mat, List<Mat>, Mat) - Method in class org.opencv.objdetect.CharucoDetector
-
Detect ChArUco Diamond markers
- detectEdges(Mat) - Method in class org.opencv.ximgproc.EdgeDrawing
-
Detects edges in a grayscale image and prepares them to detect lines and ellipses.
- detectEdges(Mat, Mat) - Method in class org.opencv.ximgproc.StructuredEdgeDetection
-
The function detects edges in src and draw them to dst.
- detectEllipses(Mat) - Method in class org.opencv.ximgproc.EdgeDrawing
-
Detects circles and ellipses.
- DetectionBasedTracker_DETECTED - Static variable in class org.opencv.objdetect.Objdetect
- DetectionBasedTracker_DETECTED_NOT_SHOWN_YET - Static variable in class org.opencv.objdetect.Objdetect
- DetectionBasedTracker_DETECTED_TEMPORARY_LOST - Static variable in class org.opencv.objdetect.Objdetect
- DetectionBasedTracker_WRONG_OBJECT - Static variable in class org.opencv.objdetect.Objdetect
- DetectionModel - Class in org.opencv.dnn
-
This class represents high-level API for object detection networks.
- DetectionModel(long) - Constructor for class org.opencv.dnn.DetectionModel
- DetectionModel(String) - Constructor for class org.opencv.dnn.DetectionModel
-
Create detection model from network represented in one of the supported formats.
- DetectionModel(String, String) - Constructor for class org.opencv.dnn.DetectionModel
-
Create detection model from network represented in one of the supported formats.
- DetectionModel(Net) - Constructor for class org.opencv.dnn.DetectionModel
-
Create model from deep learning network.
- detectLines(Mat) - Method in class org.opencv.ximgproc.EdgeDrawing
-
Detects lines.
- detectMarkers(Mat, List<Mat>, Mat) - Method in class org.opencv.objdetect.ArucoDetector
-
Basic marker detection
- detectMarkers(Mat, List<Mat>, Mat, List<Mat>) - Method in class org.opencv.objdetect.ArucoDetector
-
Basic marker detection
- detectMarkers(Mat, Dictionary, List<Mat>, Mat) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use class ArucoDetector::detectMarkers
- detectMarkers(Mat, Dictionary, List<Mat>, Mat, DetectorParameters) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use class ArucoDetector::detectMarkers
- detectMarkers(Mat, Dictionary, List<Mat>, Mat, DetectorParameters, List<Mat>) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use class ArucoDetector::detectMarkers
- detectMulti(Mat, Mat) - Method in class org.opencv.objdetect.GraphicalCodeDetector
-
Detects graphical codes in image and returns the vector of the quadrangles containing the codes.
- detectMultiScale(Mat, MatOfRect) - Method in class org.opencv.objdetect.CascadeClassifier
-
Detects objects of different sizes in the input image.
- detectMultiScale(Mat, MatOfRect, double) - Method in class org.opencv.objdetect.CascadeClassifier
-
Detects objects of different sizes in the input image.
- detectMultiScale(Mat, MatOfRect, double, int) - Method in class org.opencv.objdetect.CascadeClassifier
-
Detects objects of different sizes in the input image.
- detectMultiScale(Mat, MatOfRect, double, int, int) - Method in class org.opencv.objdetect.CascadeClassifier
-
Detects objects of different sizes in the input image.
- detectMultiScale(Mat, MatOfRect, double, int, int, Size) - Method in class org.opencv.objdetect.CascadeClassifier
-
Detects objects of different sizes in the input image.
- detectMultiScale(Mat, MatOfRect, double, int, int, Size, Size) - Method in class org.opencv.objdetect.CascadeClassifier
-
Detects objects of different sizes in the input image.
- detectMultiScale(Mat, MatOfRect, MatOfDouble) - Method in class org.opencv.objdetect.HOGDescriptor
-
Detects objects of different sizes in the input image.
- detectMultiScale(Mat, MatOfRect, MatOfDouble, double) - Method in class org.opencv.objdetect.HOGDescriptor
-
Detects objects of different sizes in the input image.
- detectMultiScale(Mat, MatOfRect, MatOfDouble, double, Size) - Method in class org.opencv.objdetect.HOGDescriptor
-
Detects objects of different sizes in the input image.
- detectMultiScale(Mat, MatOfRect, MatOfDouble, double, Size, Size) - Method in class org.opencv.objdetect.HOGDescriptor
-
Detects objects of different sizes in the input image.
- detectMultiScale(Mat, MatOfRect, MatOfDouble, double, Size, Size, double) - Method in class org.opencv.objdetect.HOGDescriptor
-
Detects objects of different sizes in the input image.
- detectMultiScale(Mat, MatOfRect, MatOfDouble, double, Size, Size, double, double) - Method in class org.opencv.objdetect.HOGDescriptor
-
Detects objects of different sizes in the input image.
- detectMultiScale(Mat, MatOfRect, MatOfDouble, double, Size, Size, double, double, boolean) - Method in class org.opencv.objdetect.HOGDescriptor
-
Detects objects of different sizes in the input image.
- detectMultiScale2(Mat, MatOfRect, MatOfInt) - Method in class org.opencv.objdetect.CascadeClassifier
- detectMultiScale2(Mat, MatOfRect, MatOfInt, double) - Method in class org.opencv.objdetect.CascadeClassifier
- detectMultiScale2(Mat, MatOfRect, MatOfInt, double, int) - Method in class org.opencv.objdetect.CascadeClassifier
- detectMultiScale2(Mat, MatOfRect, MatOfInt, double, int, int) - Method in class org.opencv.objdetect.CascadeClassifier
- detectMultiScale2(Mat, MatOfRect, MatOfInt, double, int, int, Size) - Method in class org.opencv.objdetect.CascadeClassifier
- detectMultiScale2(Mat, MatOfRect, MatOfInt, double, int, int, Size, Size) - Method in class org.opencv.objdetect.CascadeClassifier
- detectMultiScale3(Mat, MatOfRect, MatOfInt, MatOfDouble) - Method in class org.opencv.objdetect.CascadeClassifier
-
This function allows you to retrieve the final stage decision certainty of classification.
- detectMultiScale3(Mat, MatOfRect, MatOfInt, MatOfDouble, double) - Method in class org.opencv.objdetect.CascadeClassifier
-
This function allows you to retrieve the final stage decision certainty of classification.
- detectMultiScale3(Mat, MatOfRect, MatOfInt, MatOfDouble, double, int) - Method in class org.opencv.objdetect.CascadeClassifier
-
This function allows you to retrieve the final stage decision certainty of classification.
- detectMultiScale3(Mat, MatOfRect, MatOfInt, MatOfDouble, double, int, int) - Method in class org.opencv.objdetect.CascadeClassifier
-
This function allows you to retrieve the final stage decision certainty of classification.
- detectMultiScale3(Mat, MatOfRect, MatOfInt, MatOfDouble, double, int, int, Size) - Method in class org.opencv.objdetect.CascadeClassifier
-
This function allows you to retrieve the final stage decision certainty of classification.
- detectMultiScale3(Mat, MatOfRect, MatOfInt, MatOfDouble, double, int, int, Size, Size) - Method in class org.opencv.objdetect.CascadeClassifier
-
This function allows you to retrieve the final stage decision certainty of classification.
- detectMultiScale3(Mat, MatOfRect, MatOfInt, MatOfDouble, double, int, int, Size, Size, boolean) - Method in class org.opencv.objdetect.CascadeClassifier
-
This function allows you to retrieve the final stage decision certainty of classification.
- DetectorParameters - Class in org.opencv.objdetect
-
struct DetectorParameters is used by ArucoDetector
- DetectorParameters() - Constructor for class org.opencv.objdetect.DetectorParameters
- DetectorParameters(long) - Constructor for class org.opencv.objdetect.DetectorParameters
- detectRegions(Mat, List<MatOfPoint>, MatOfRect) - Method in class org.opencv.features2d.MSER
-
Detect %MSER regions
- detectRegions(Mat, ERFilter, ERFilter, List<MatOfPoint>) - Static method in class org.opencv.text.Text
-
Converts MSER contours (vector<Point>) to ERStat regions.
- detectRegions(Mat, ERFilter, ERFilter, MatOfRect) - Static method in class org.opencv.text.Text
-
Extracts text regions from image.
- detectRegions(Mat, ERFilter, ERFilter, MatOfRect, int) - Static method in class org.opencv.text.Text
-
Extracts text regions from image.
- detectRegions(Mat, ERFilter, ERFilter, MatOfRect, int, String) - Static method in class org.opencv.text.Text
-
Extracts text regions from image.
- detectRegions(Mat, ERFilter, ERFilter, MatOfRect, int, String, float) - Static method in class org.opencv.text.Text
-
Extracts text regions from image.
- detectTextRectangles(Mat, MatOfRotatedRect) - Method in class org.opencv.dnn.TextDetectionModel
- detectTextRectangles(Mat, MatOfRotatedRect, MatOfFloat) - Method in class org.opencv.dnn.TextDetectionModel
-
Performs detection Given the input
frame
, prepare network input, run network inference, post-process network output and return result detections. - detectTextSWT(Mat, MatOfRect, boolean) - Static method in class org.opencv.text.Text
-
Applies the Stroke Width Transform operator followed by filtering of connected components of similar Stroke Widths to return letter candidates.
- detectTextSWT(Mat, MatOfRect, boolean, Mat) - Static method in class org.opencv.text.Text
-
Applies the Stroke Width Transform operator followed by filtering of connected components of similar Stroke Widths to return letter candidates.
- detectTextSWT(Mat, MatOfRect, boolean, Mat, Mat) - Static method in class org.opencv.text.Text
-
Applies the Stroke Width Transform operator followed by filtering of connected components of similar Stroke Widths to return letter candidates.
- determinant(Mat) - Static method in class org.opencv.core.Core
-
Returns the determinant of a square floating-point matrix.
- dft(Mat, Mat) - Static method in class org.opencv.core.Core
-
Performs a forward or inverse Discrete Fourier transform of a 1D or 2D floating-point array.
- dft(Mat, Mat, int) - Static method in class org.opencv.core.Core
-
Performs a forward or inverse Discrete Fourier transform of a 1D or 2D floating-point array.
- dft(Mat, Mat, int, int) - Static method in class org.opencv.core.Core
-
Performs a forward or inverse Discrete Fourier transform of a 1D or 2D floating-point array.
- DFT_COMPLEX_INPUT - Static variable in class org.opencv.core.Core
- DFT_COMPLEX_OUTPUT - Static variable in class org.opencv.core.Core
- DFT_INVERSE - Static variable in class org.opencv.core.Core
- DFT_REAL_OUTPUT - Static variable in class org.opencv.core.Core
- DFT_ROWS - Static variable in class org.opencv.core.Core
- DFT_SCALE - Static variable in class org.opencv.core.Core
- diag() - Method in class org.opencv.core.Mat
- diag(int) - Method in class org.opencv.core.Mat
- diag(Mat) - Static method in class org.opencv.core.Mat
- DICT_4X4_100 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_4X4_1000 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_4X4_250 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_4X4_50 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_5X5_100 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_5X5_1000 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_5X5_250 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_5X5_50 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_6X6_100 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_6X6_1000 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_6X6_250 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_6X6_50 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_7X7_100 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_7X7_1000 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_7X7_250 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_7X7_50 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_APRILTAG_16h5 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_APRILTAG_25h9 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_APRILTAG_36h10 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_APRILTAG_36h11 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_ARUCO_MIP_36h12 - Static variable in class org.opencv.objdetect.Objdetect
- DICT_ARUCO_ORIGINAL - Static variable in class org.opencv.objdetect.Objdetect
- Dictionary - Class in org.opencv.objdetect
-
Dictionary is a set of unique ArUco markers of the same size
bytesList
storing as 2-dimensions Mat with 4-th channels (CV_8UC4 type was used) and contains the marker codewords where: - bytesList.rows is the dictionary size - each marker is encoded usingnbytes = ceil(markerSize*markerSize/8.)
bytes - each row contains all 4 rotations of the marker, so its length is4*nbytes
- the byte order in the bytesList[i] row://bytes without rotation/bytes with rotation 1/bytes with rotation 2/bytes with rotation 3//
SobytesList.ptr(i)[k*nbytes + j]
is the j-th byte of i-th marker, in its k-th rotation. - Dictionary() - Constructor for class org.opencv.objdetect.Dictionary
- Dictionary(long) - Constructor for class org.opencv.objdetect.Dictionary
- Dictionary(Mat, int) - Constructor for class org.opencv.objdetect.Dictionary
-
Basic ArUco dictionary constructor
- Dictionary(Mat, int, int) - Constructor for class org.opencv.objdetect.Dictionary
-
Basic ArUco dictionary constructor
- DictValue - Class in org.opencv.dnn
-
This struct stores the scalar value (or array) of one of the following type: double, cv::String or int64.
- DictValue(double) - Constructor for class org.opencv.dnn.DictValue
- DictValue(int) - Constructor for class org.opencv.dnn.DictValue
- DictValue(long) - Constructor for class org.opencv.dnn.DictValue
- DictValue(String) - Constructor for class org.opencv.dnn.DictValue
- DIFF_CHARBONNIER - Static variable in class org.opencv.features2d.KAZE
- DIFF_PM_G1 - Static variable in class org.opencv.features2d.KAZE
- DIFF_PM_G2 - Static variable in class org.opencv.features2d.KAZE
- DIFF_WEICKERT - Static variable in class org.opencv.features2d.KAZE
- dilate(Mat, Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Dilates an image by using a specific structuring element.
- dilate(Mat, Mat, Mat, Point) - Static method in class org.opencv.imgproc.Imgproc
-
Dilates an image by using a specific structuring element.
- dilate(Mat, Mat, Mat, Point, int) - Static method in class org.opencv.imgproc.Imgproc
-
Dilates an image by using a specific structuring element.
- dilate(Mat, Mat, Mat, Point, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Dilates an image by using a specific structuring element.
- dilate(Mat, Mat, Mat, Point, int, int, Scalar) - Static method in class org.opencv.imgproc.Imgproc
-
Dilates an image by using a specific structuring element.
- dims() - Method in class org.opencv.core.Mat
- DISCRETE - Static variable in class org.opencv.ml.Boost
- DISOpticalFlow - Class in org.opencv.video
-
DIS optical flow algorithm.
- DISOpticalFlow(long) - Constructor for class org.opencv.video.DISOpticalFlow
- DISP_SCALE - Static variable in class org.opencv.calib3d.StereoMatcher
- DISP_SHIFT - Static variable in class org.opencv.calib3d.StereoMatcher
- DisparityFilter - Class in org.opencv.ximgproc
-
Main interface for all disparity map filters.
- DisparityFilter(long) - Constructor for class org.opencv.ximgproc.DisparityFilter
- DisparityWLSFilter - Class in org.opencv.ximgproc
-
Disparity map filter based on Weighted Least Squares filter (in form of Fast Global Smoother that is a lot faster than traditional Weighted Least Squares filter implementations) and optional use of left-right-consistency-based confidence to refine the results in half-occlusions and uniform areas.
- DisparityWLSFilter(long) - Constructor for class org.opencv.ximgproc.DisparityWLSFilter
- DIST_C - Static variable in class org.opencv.imgproc.Imgproc
- DIST_FAIR - Static variable in class org.opencv.imgproc.Imgproc
- DIST_HUBER - Static variable in class org.opencv.imgproc.Imgproc
- DIST_L1 - Static variable in class org.opencv.imgproc.Imgproc
- DIST_L12 - Static variable in class org.opencv.imgproc.Imgproc
- DIST_L2 - Static variable in class org.opencv.imgproc.Imgproc
- DIST_LABEL_CCOMP - Static variable in class org.opencv.imgproc.Imgproc
- DIST_LABEL_PIXEL - Static variable in class org.opencv.imgproc.Imgproc
- DIST_MASK_3 - Static variable in class org.opencv.imgproc.Imgproc
- DIST_MASK_5 - Static variable in class org.opencv.imgproc.Imgproc
- DIST_MASK_PRECISE - Static variable in class org.opencv.imgproc.Imgproc
- DIST_USER - Static variable in class org.opencv.imgproc.Imgproc
- DIST_WELSCH - Static variable in class org.opencv.imgproc.Imgproc
- distance - Variable in class org.opencv.core.DMatch
- distanceTransform(Mat, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
- distanceTransform(Mat, Mat, int, int, int) - Static method in class org.opencv.imgproc.Imgproc
- distanceTransformWithLabels(Mat, Mat, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the distance to the closest zero pixel for each pixel of the source image.
- distanceTransformWithLabels(Mat, Mat, Mat, int, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the distance to the closest zero pixel for each pixel of the source image.
- divide(double, Mat, Mat) - Static method in class org.opencv.core.Core
- divide(double, Mat, Mat, int) - Static method in class org.opencv.core.Core
- divide(Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Performs per-element division of two arrays or a scalar by an array.
- divide(Mat, Mat, Mat, double) - Static method in class org.opencv.core.Core
-
Performs per-element division of two arrays or a scalar by an array.
- divide(Mat, Mat, Mat, double, int) - Static method in class org.opencv.core.Core
-
Performs per-element division of two arrays or a scalar by an array.
- divide(Mat, Scalar, Mat) - Static method in class org.opencv.core.Core
- divide(Mat, Scalar, Mat, double) - Static method in class org.opencv.core.Core
- divide(Mat, Scalar, Mat, double, int) - Static method in class org.opencv.core.Core
- divSpectrums(Mat, Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
Performs the per-element division of the first Fourier spectrum by the second Fourier spectrum.
- divSpectrums(Mat, Mat, Mat, int, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
Performs the per-element division of the first Fourier spectrum by the second Fourier spectrum.
- DMatch - Class in org.opencv.core
-
Structure for matching: query descriptor index, train descriptor index, train image index and distance between descriptors.
- DMatch() - Constructor for class org.opencv.core.DMatch
- DMatch(int, int, float) - Constructor for class org.opencv.core.DMatch
- DMatch(int, int, int, float) - Constructor for class org.opencv.core.DMatch
- Dnn - Class in org.opencv.dnn
- Dnn() - Constructor for class org.opencv.dnn.Dnn
- DNN_BACKEND_CANN - Static variable in class org.opencv.dnn.Dnn
- DNN_BACKEND_CUDA - Static variable in class org.opencv.dnn.Dnn
- DNN_BACKEND_DEFAULT - Static variable in class org.opencv.dnn.Dnn
- DNN_BACKEND_HALIDE - Static variable in class org.opencv.dnn.Dnn
- DNN_BACKEND_INFERENCE_ENGINE - Static variable in class org.opencv.dnn.Dnn
- DNN_BACKEND_OPENCV - Static variable in class org.opencv.dnn.Dnn
- DNN_BACKEND_TIMVX - Static variable in class org.opencv.dnn.Dnn
- DNN_BACKEND_VKCOM - Static variable in class org.opencv.dnn.Dnn
- DNN_BACKEND_WEBNN - Static variable in class org.opencv.dnn.Dnn
- DNN_LAYOUT_NCDHW - Static variable in class org.opencv.dnn.Dnn
- DNN_LAYOUT_NCHW - Static variable in class org.opencv.dnn.Dnn
- DNN_LAYOUT_ND - Static variable in class org.opencv.dnn.Dnn
- DNN_LAYOUT_NDHWC - Static variable in class org.opencv.dnn.Dnn
- DNN_LAYOUT_NHWC - Static variable in class org.opencv.dnn.Dnn
- DNN_LAYOUT_PLANAR - Static variable in class org.opencv.dnn.Dnn
- DNN_LAYOUT_UNKNOWN - Static variable in class org.opencv.dnn.Dnn
- DNN_PMODE_CROP_CENTER - Static variable in class org.opencv.dnn.Dnn
- DNN_PMODE_LETTERBOX - Static variable in class org.opencv.dnn.Dnn
- DNN_PMODE_NULL - Static variable in class org.opencv.dnn.Dnn
- Dnn_superres - Class in org.opencv.dnn_superres
- Dnn_superres() - Constructor for class org.opencv.dnn_superres.Dnn_superres
- DNN_TARGET_CPU - Static variable in class org.opencv.dnn.Dnn
- DNN_TARGET_CPU_FP16 - Static variable in class org.opencv.dnn.Dnn
- DNN_TARGET_CUDA - Static variable in class org.opencv.dnn.Dnn
- DNN_TARGET_CUDA_FP16 - Static variable in class org.opencv.dnn.Dnn
- DNN_TARGET_FPGA - Static variable in class org.opencv.dnn.Dnn
- DNN_TARGET_HDDL - Static variable in class org.opencv.dnn.Dnn
- DNN_TARGET_MYRIAD - Static variable in class org.opencv.dnn.Dnn
- DNN_TARGET_NPU - Static variable in class org.opencv.dnn.Dnn
- DNN_TARGET_OPENCL - Static variable in class org.opencv.dnn.Dnn
- DNN_TARGET_OPENCL_FP16 - Static variable in class org.opencv.dnn.Dnn
- DNN_TARGET_VULKAN - Static variable in class org.opencv.dnn.Dnn
- DnnSuperResImpl - Class in org.opencv.dnn_superres
-
A class to upscale images via convolutional neural networks.
- DnnSuperResImpl(long) - Constructor for class org.opencv.dnn_superres.DnnSuperResImpl
- dot(Mat) - Method in class org.opencv.core.Mat
- dot(Point) - Method in class org.opencv.core.Point
- dot(Point3) - Method in class org.opencv.core.Point3
- drawChessboardCorners(Mat, Size, MatOfPoint2f, boolean) - Static method in class org.opencv.calib3d.Calib3d
-
Renders the detected chessboard corners.
- drawContours(Mat, List<MatOfPoint>, int, Scalar) - Static method in class org.opencv.imgproc.Imgproc
-
Draws contours outlines or filled contours.
- drawContours(Mat, List<MatOfPoint>, int, Scalar, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws contours outlines or filled contours.
- drawContours(Mat, List<MatOfPoint>, int, Scalar, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws contours outlines or filled contours.
- drawContours(Mat, List<MatOfPoint>, int, Scalar, int, int, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Draws contours outlines or filled contours.
- drawContours(Mat, List<MatOfPoint>, int, Scalar, int, int, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws contours outlines or filled contours.
- drawContours(Mat, List<MatOfPoint>, int, Scalar, int, int, Mat, int, Point) - Static method in class org.opencv.imgproc.Imgproc
-
Draws contours outlines or filled contours.
- drawDetectedCornersCharuco(Mat, Mat) - Static method in class org.opencv.objdetect.Objdetect
-
Draws a set of Charuco corners
- drawDetectedCornersCharuco(Mat, Mat, Mat) - Static method in class org.opencv.objdetect.Objdetect
-
Draws a set of Charuco corners
- drawDetectedCornersCharuco(Mat, Mat, Mat, Scalar) - Static method in class org.opencv.objdetect.Objdetect
-
Draws a set of Charuco corners
- drawDetectedDiamonds(Mat, List<Mat>) - Static method in class org.opencv.objdetect.Objdetect
-
Draw a set of detected ChArUco Diamond markers
- drawDetectedDiamonds(Mat, List<Mat>, Mat) - Static method in class org.opencv.objdetect.Objdetect
-
Draw a set of detected ChArUco Diamond markers
- drawDetectedDiamonds(Mat, List<Mat>, Mat, Scalar) - Static method in class org.opencv.objdetect.Objdetect
-
Draw a set of detected ChArUco Diamond markers
- drawDetectedMarkers(Mat, List<Mat>) - Static method in class org.opencv.objdetect.Objdetect
-
Draw detected markers in image
- drawDetectedMarkers(Mat, List<Mat>, Mat) - Static method in class org.opencv.objdetect.Objdetect
-
Draw detected markers in image
- drawDetectedMarkers(Mat, List<Mat>, Mat, Scalar) - Static method in class org.opencv.objdetect.Objdetect
-
Draw detected markers in image
- drawFacemarks(Mat, Mat) - Static method in class org.opencv.face.Face
-
Utility to draw the detected facial landmark points
- drawFacemarks(Mat, Mat, Scalar) - Static method in class org.opencv.face.Face
-
Utility to draw the detected facial landmark points
- drawFrameAxes(Mat, Mat, Mat, Mat, Mat, float) - Static method in class org.opencv.calib3d.Calib3d
-
Draw axes of the world/object coordinate system from pose estimation.
- drawFrameAxes(Mat, Mat, Mat, Mat, Mat, float, int) - Static method in class org.opencv.calib3d.Calib3d
-
Draw axes of the world/object coordinate system from pose estimation.
- drawKeypoints(Mat, MatOfKeyPoint, Mat) - Static method in class org.opencv.features2d.Features2d
-
Draws keypoints.
- drawKeypoints(Mat, MatOfKeyPoint, Mat, Scalar) - Static method in class org.opencv.features2d.Features2d
-
Draws keypoints.
- drawKeypoints(Mat, MatOfKeyPoint, Mat, Scalar, int) - Static method in class org.opencv.features2d.Features2d
-
Draws keypoints.
- drawMarker(Mat, Point, Scalar) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a marker on a predefined position in an image.
- drawMarker(Mat, Point, Scalar, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a marker on a predefined position in an image.
- drawMarker(Mat, Point, Scalar, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a marker on a predefined position in an image.
- drawMarker(Mat, Point, Scalar, int, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a marker on a predefined position in an image.
- drawMarker(Mat, Point, Scalar, int, int, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a marker on a predefined position in an image.
- drawMatches(Mat, MatOfKeyPoint, Mat, MatOfKeyPoint, MatOfDMatch, Mat) - Static method in class org.opencv.features2d.Features2d
-
Draws the found matches of keypoints from two images.
- drawMatches(Mat, MatOfKeyPoint, Mat, MatOfKeyPoint, MatOfDMatch, Mat, int) - Static method in class org.opencv.features2d.Features2d
- drawMatches(Mat, MatOfKeyPoint, Mat, MatOfKeyPoint, MatOfDMatch, Mat, int, Scalar) - Static method in class org.opencv.features2d.Features2d
- drawMatches(Mat, MatOfKeyPoint, Mat, MatOfKeyPoint, MatOfDMatch, Mat, int, Scalar, Scalar) - Static method in class org.opencv.features2d.Features2d
- drawMatches(Mat, MatOfKeyPoint, Mat, MatOfKeyPoint, MatOfDMatch, Mat, int, Scalar, Scalar, MatOfByte) - Static method in class org.opencv.features2d.Features2d
- drawMatches(Mat, MatOfKeyPoint, Mat, MatOfKeyPoint, MatOfDMatch, Mat, int, Scalar, Scalar, MatOfByte, int) - Static method in class org.opencv.features2d.Features2d
- drawMatches(Mat, MatOfKeyPoint, Mat, MatOfKeyPoint, MatOfDMatch, Mat, Scalar) - Static method in class org.opencv.features2d.Features2d
-
Draws the found matches of keypoints from two images.
- drawMatches(Mat, MatOfKeyPoint, Mat, MatOfKeyPoint, MatOfDMatch, Mat, Scalar, Scalar) - Static method in class org.opencv.features2d.Features2d
-
Draws the found matches of keypoints from two images.
- drawMatches(Mat, MatOfKeyPoint, Mat, MatOfKeyPoint, MatOfDMatch, Mat, Scalar, Scalar, MatOfByte) - Static method in class org.opencv.features2d.Features2d
-
Draws the found matches of keypoints from two images.
- drawMatches(Mat, MatOfKeyPoint, Mat, MatOfKeyPoint, MatOfDMatch, Mat, Scalar, Scalar, MatOfByte, int) - Static method in class org.opencv.features2d.Features2d
-
Draws the found matches of keypoints from two images.
- DrawMatchesFlags_DEFAULT - Static variable in class org.opencv.features2d.Features2d
- DrawMatchesFlags_DRAW_OVER_OUTIMG - Static variable in class org.opencv.features2d.Features2d
- DrawMatchesFlags_DRAW_RICH_KEYPOINTS - Static variable in class org.opencv.features2d.Features2d
- DrawMatchesFlags_NOT_DRAW_SINGLE_POINTS - Static variable in class org.opencv.features2d.Features2d
- drawMatchesKnn(Mat, MatOfKeyPoint, Mat, MatOfKeyPoint, List<MatOfDMatch>, Mat) - Static method in class org.opencv.features2d.Features2d
- drawMatchesKnn(Mat, MatOfKeyPoint, Mat, MatOfKeyPoint, List<MatOfDMatch>, Mat, Scalar) - Static method in class org.opencv.features2d.Features2d
- drawMatchesKnn(Mat, MatOfKeyPoint, Mat, MatOfKeyPoint, List<MatOfDMatch>, Mat, Scalar, Scalar) - Static method in class org.opencv.features2d.Features2d
- drawMatchesKnn(Mat, MatOfKeyPoint, Mat, MatOfKeyPoint, List<MatOfDMatch>, Mat, Scalar, Scalar, List<MatOfByte>) - Static method in class org.opencv.features2d.Features2d
- drawMatchesKnn(Mat, MatOfKeyPoint, Mat, MatOfKeyPoint, List<MatOfDMatch>, Mat, Scalar, Scalar, List<MatOfByte>, int) - Static method in class org.opencv.features2d.Features2d
- drawPlanarBoard(Board, Size, Mat, int, int) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use Board::generateImage
- drawSegments(Mat, Mat) - Method in class org.opencv.imgproc.LineSegmentDetector
-
Draws the line segments on a given image.
- drawSegments(Mat, Mat) - Method in class org.opencv.ximgproc.FastLineDetector
-
Draws the line segments on a given image.
- drawSegments(Mat, Mat, boolean) - Method in class org.opencv.ximgproc.FastLineDetector
-
Draws the line segments on a given image.
- drawSegments(Mat, Mat, boolean, Scalar) - Method in class org.opencv.ximgproc.FastLineDetector
-
Draws the line segments on a given image.
- drawSegments(Mat, Mat, boolean, Scalar, int) - Method in class org.opencv.ximgproc.FastLineDetector
-
Draws the line segments on a given image.
- drawSignature(Mat, Mat, Mat) - Static method in class org.opencv.xfeatures2d.PCTSignatures
-
Draws signature in the source image and outputs the result.
- drawSignature(Mat, Mat, Mat, float) - Static method in class org.opencv.xfeatures2d.PCTSignatures
-
Draws signature in the source image and outputs the result.
- drawSignature(Mat, Mat, Mat, float, int) - Static method in class org.opencv.xfeatures2d.PCTSignatures
-
Draws signature in the source image and outputs the result.
- DTF_IC - Static variable in class org.opencv.ximgproc.Ximgproc
- DTF_NC - Static variable in class org.opencv.ximgproc.Ximgproc
- DTF_RF - Static variable in class org.opencv.ximgproc.Ximgproc
- dtFilter(Mat, Mat, Mat, double, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Simple one-line Domain Transform filter call.
- dtFilter(Mat, Mat, Mat, double, double, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Simple one-line Domain Transform filter call.
- dtFilter(Mat, Mat, Mat, double, double, int, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Simple one-line Domain Transform filter call.
- DTFilter - Class in org.opencv.ximgproc
-
Interface for realizations of Domain Transform filter.
- DTFilter(long) - Constructor for class org.opencv.ximgproc.DTFilter
- DTrees - Class in org.opencv.ml
-
The class represents a single decision tree or a collection of decision trees.
- DTrees(long) - Constructor for class org.opencv.ml.DTrees
- dump() - Method in class org.opencv.core.Mat
- dump() - Method in class org.opencv.dnn.Net
-
Dump net to String
- dumpToFile(String) - Method in class org.opencv.dnn.Net
-
Dump net structure, hyperparameters, backend, target and fusion to dot file
- dumpToPbtxt(String) - Method in class org.opencv.dnn.Net
-
Dump net structure, hyperparameters, backend, target and fusion to pbtxt file
E
- ECI_UTF8 - Static variable in class org.opencv.objdetect.QRCodeEncoder
- EdgeAwareInterpolator - Class in org.opencv.ximgproc
-
Sparse match interpolation algorithm based on modified locally-weighted affine estimator from CITE: Revaud2015 and Fast Global Smoother as post-processing filter.
- EdgeAwareInterpolator(long) - Constructor for class org.opencv.ximgproc.EdgeAwareInterpolator
- EdgeBoxes - Class in org.opencv.ximgproc
-
Class implementing EdgeBoxes algorithm from CITE: ZitnickECCV14edgeBoxes :
- EdgeBoxes(long) - Constructor for class org.opencv.ximgproc.EdgeBoxes
- EdgeDrawing - Class in org.opencv.ximgproc
-
Class implementing the ED (EdgeDrawing) CITE: topal2012edge, EDLines CITE: akinlar2011edlines, EDPF CITE: akinlar2012edpf and EDCircles CITE: akinlar2013edcircles algorithms
- EdgeDrawing(long) - Constructor for class org.opencv.ximgproc.EdgeDrawing
- EdgeDrawing_Params - Class in org.opencv.ximgproc
- EdgeDrawing_Params() - Constructor for class org.opencv.ximgproc.EdgeDrawing_Params
- EdgeDrawing_Params(long) - Constructor for class org.opencv.ximgproc.EdgeDrawing_Params
- edgeDst(int) - Method in class org.opencv.imgproc.Subdiv2D
-
Returns the edge destination.
- edgeDst(int, Point) - Method in class org.opencv.imgproc.Subdiv2D
-
Returns the edge destination.
- edgeOrg(int) - Method in class org.opencv.imgproc.Subdiv2D
-
Returns the edge origin.
- edgeOrg(int, Point) - Method in class org.opencv.imgproc.Subdiv2D
-
Returns the edge origin.
- edgePreservingFilter(Mat, Mat) - Static method in class org.opencv.photo.Photo
-
Filtering is the fundamental operation in image and video processing.
- edgePreservingFilter(Mat, Mat, int) - Static method in class org.opencv.photo.Photo
-
Filtering is the fundamental operation in image and video processing.
- edgePreservingFilter(Mat, Mat, int, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Smoothes an image using the Edge-Preserving filter.
- edgePreservingFilter(Mat, Mat, int, float) - Static method in class org.opencv.photo.Photo
-
Filtering is the fundamental operation in image and video processing.
- edgePreservingFilter(Mat, Mat, int, float, float) - Static method in class org.opencv.photo.Photo
-
Filtering is the fundamental operation in image and video processing.
- edgesNms(Mat, Mat, Mat) - Method in class org.opencv.ximgproc.StructuredEdgeDetection
-
The function edgenms in edge image and suppress edges where edge is stronger in orthogonal direction.
- edgesNms(Mat, Mat, Mat, int) - Method in class org.opencv.ximgproc.StructuredEdgeDetection
-
The function edgenms in edge image and suppress edges where edge is stronger in orthogonal direction.
- edgesNms(Mat, Mat, Mat, int, int) - Method in class org.opencv.ximgproc.StructuredEdgeDetection
-
The function edgenms in edge image and suppress edges where edge is stronger in orthogonal direction.
- edgesNms(Mat, Mat, Mat, int, int, float) - Method in class org.opencv.ximgproc.StructuredEdgeDetection
-
The function edgenms in edge image and suppress edges where edge is stronger in orthogonal direction.
- edgesNms(Mat, Mat, Mat, int, int, float, boolean) - Method in class org.opencv.ximgproc.StructuredEdgeDetection
-
The function edgenms in edge image and suppress edges where edge is stronger in orthogonal direction.
- eigen(Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates eigenvalues and eigenvectors of a symmetric matrix.
- eigen(Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates eigenvalues and eigenvectors of a symmetric matrix.
- EigenFaceRecognizer - Class in org.opencv.face
- EigenFaceRecognizer(long) - Constructor for class org.opencv.face.EigenFaceRecognizer
- eigenNonSymmetric(Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates eigenvalues and eigenvectors of a non-symmetric matrix (real eigenvalues only).
- ELEM_SIZE(int) - Static method in class org.opencv.core.CvType
- elemSize() - Method in class org.opencv.core.Mat
- elemSize1() - Method in class org.opencv.core.Mat
- ellipse(Mat, Point, Size, double, double, double, Scalar) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a simple or thick elliptic arc or fills an ellipse sector.
- ellipse(Mat, Point, Size, double, double, double, Scalar, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a simple or thick elliptic arc or fills an ellipse sector.
- ellipse(Mat, Point, Size, double, double, double, Scalar, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a simple or thick elliptic arc or fills an ellipse sector.
- ellipse(Mat, Point, Size, double, double, double, Scalar, int, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a simple or thick elliptic arc or fills an ellipse sector.
- ellipse(Mat, RotatedRect, Scalar) - Static method in class org.opencv.imgproc.Imgproc
- ellipse(Mat, RotatedRect, Scalar, int) - Static method in class org.opencv.imgproc.Imgproc
- ellipse(Mat, RotatedRect, Scalar, int, int) - Static method in class org.opencv.imgproc.Imgproc
- ellipse2Poly(Point, Size, int, int, int, int, MatOfPoint) - Static method in class org.opencv.imgproc.Imgproc
-
Approximates an elliptic arc with a polyline.
- EM - Class in org.opencv.ml
-
The class implements the Expectation Maximization algorithm.
- EM(long) - Constructor for class org.opencv.ml.EM
- EMD(Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
Computes the "minimal work" distance between two weighted point configurations.
- EMD(Mat, Mat, int, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Computes the "minimal work" distance between two weighted point configurations.
- EMD(Mat, Mat, int, Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Computes the "minimal work" distance between two weighted point configurations.
- empty() - Method in class org.opencv.core.Algorithm
-
Returns true if the Algorithm is empty (e.g.
- empty() - Method in class org.opencv.core.Mat
- empty() - Method in class org.opencv.core.Range
- empty() - Method in class org.opencv.core.Rect
- empty() - Method in class org.opencv.core.Rect2d
- empty() - Method in class org.opencv.core.Size
- empty() - Method in class org.opencv.dnn.Net
-
Returns true if there are no layers in the network.
- empty() - Method in class org.opencv.features2d.DescriptorMatcher
-
Returns true if there are no train descriptors in the both collections.
- empty() - Method in class org.opencv.features2d.Feature2D
- empty() - Method in class org.opencv.ml.StatModel
- empty() - Method in class org.opencv.objdetect.CascadeClassifier
-
Checks whether the classifier has been loaded.
- enableFusion(boolean) - Method in class org.opencv.dnn.Net
-
Enables or disables layer fusion in the network.
- enableWinograd(boolean) - Method in class org.opencv.dnn.Model
- enableWinograd(boolean) - Method in class org.opencv.dnn.Net
-
Enables or disables the Winograd compute branch.
- encode(String, Mat) - Method in class org.opencv.objdetect.QRCodeEncoder
-
Generates QR code from input string.
- encodeStructuredAppend(String, List<Mat>) - Method in class org.opencv.objdetect.QRCodeEncoder
-
Generates QR code from input string in Structured Append mode.
- end - Variable in class org.opencv.core.Range
- enforceLabelConnectivity() - Method in class org.opencv.ximgproc.SuperpixelLSC
-
Enforce label connectivity.
- enforceLabelConnectivity() - Method in class org.opencv.ximgproc.SuperpixelSLIC
-
Enforce label connectivity.
- enforceLabelConnectivity(int) - Method in class org.opencv.ximgproc.SuperpixelLSC
-
Enforce label connectivity.
- enforceLabelConnectivity(int) - Method in class org.opencv.ximgproc.SuperpixelSLIC
-
Enforce label connectivity.
- EPS - Static variable in class org.opencv.core.TermCriteria
-
The desired accuracy threshold or change in parameters at which the iterative algorithm is terminated.
- EPS_SVR - Static variable in class org.opencv.ml.SVM
- epsilon - Variable in class org.opencv.core.TermCriteria
- equalizeHist(Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Equalizes the histogram of a grayscale image.
- equals(Object) - Method in class org.opencv.core.Point
- equals(Object) - Method in class org.opencv.core.Point3
- equals(Object) - Method in class org.opencv.core.Range
- equals(Object) - Method in class org.opencv.core.Rect
- equals(Object) - Method in class org.opencv.core.Rect2d
- equals(Object) - Method in class org.opencv.core.RotatedRect
- equals(Object) - Method in class org.opencv.core.Scalar
- equals(Object) - Method in class org.opencv.core.Size
- equals(Object) - Method in class org.opencv.core.TermCriteria
- ERFilter - Class in org.opencv.text
-
Base class for 1st and 2nd stages of Neumann and Matas scene text detection algorithm CITE: Neumann12.
- ERFilter(long) - Constructor for class org.opencv.text.ERFilter
- ERFilter_Callback - Class in org.opencv.text
-
Callback with the classifier is made a class.
- ERFilter_Callback(long) - Constructor for class org.opencv.text.ERFilter_Callback
- ERFILTER_NM_IHSGrad - Static variable in class org.opencv.text.Text
- ERFILTER_NM_RGBLGrad - Static variable in class org.opencv.text.Text
- erGrouping(Mat, Mat, List<MatOfPoint>, MatOfRect) - Static method in class org.opencv.text.Text
-
Find groups of Extremal Regions that are organized as text blocks.
- erGrouping(Mat, Mat, List<MatOfPoint>, MatOfRect, int) - Static method in class org.opencv.text.Text
-
Find groups of Extremal Regions that are organized as text blocks.
- erGrouping(Mat, Mat, List<MatOfPoint>, MatOfRect, int, String) - Static method in class org.opencv.text.Text
-
Find groups of Extremal Regions that are organized as text blocks.
- erGrouping(Mat, Mat, List<MatOfPoint>, MatOfRect, int, String, float) - Static method in class org.opencv.text.Text
-
Find groups of Extremal Regions that are organized as text blocks.
- ERGROUPING_ORIENTATION_ANY - Static variable in class org.opencv.text.Text
- ERGROUPING_ORIENTATION_HORIZ - Static variable in class org.opencv.text.Text
- erode(Mat, Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Erodes an image by using a specific structuring element.
- erode(Mat, Mat, Mat, Point) - Static method in class org.opencv.imgproc.Imgproc
-
Erodes an image by using a specific structuring element.
- erode(Mat, Mat, Mat, Point, int) - Static method in class org.opencv.imgproc.Imgproc
-
Erodes an image by using a specific structuring element.
- erode(Mat, Mat, Mat, Point, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Erodes an image by using a specific structuring element.
- erode(Mat, Mat, Mat, Point, int, int, Scalar) - Static method in class org.opencv.imgproc.Imgproc
-
Erodes an image by using a specific structuring element.
- estimate(Mat) - Method in class org.opencv.dnn.KeypointsModel
-
Given the
input
frame, create input blob, run net - estimate(Mat, float) - Method in class org.opencv.dnn.KeypointsModel
-
Given the
input
frame, create input blob, run net - estimateAffine2D(Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal affine transformation between two 2D point sets.
- estimateAffine2D(Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal affine transformation between two 2D point sets.
- estimateAffine2D(Mat, Mat, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal affine transformation between two 2D point sets.
- estimateAffine2D(Mat, Mat, Mat, int, double) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal affine transformation between two 2D point sets.
- estimateAffine2D(Mat, Mat, Mat, int, double, long) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal affine transformation between two 2D point sets.
- estimateAffine2D(Mat, Mat, Mat, int, double, long, double) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal affine transformation between two 2D point sets.
- estimateAffine2D(Mat, Mat, Mat, int, double, long, double, long) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal affine transformation between two 2D point sets.
- estimateAffine2D(Mat, Mat, Mat, UsacParams) - Static method in class org.opencv.calib3d.Calib3d
- estimateAffine3D(Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal affine transformation between two 3D point sets.
- estimateAffine3D(Mat, Mat, double[]) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal affine transformation between two 3D point sets.
- estimateAffine3D(Mat, Mat, double[], boolean) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal affine transformation between two 3D point sets.
- estimateAffine3D(Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal affine transformation between two 3D point sets.
- estimateAffine3D(Mat, Mat, Mat, Mat, double) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal affine transformation between two 3D point sets.
- estimateAffine3D(Mat, Mat, Mat, Mat, double, double) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal affine transformation between two 3D point sets.
- estimateAffinePartial2D(Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal limited affine transformation with 4 degrees of freedom between two 2D point sets.
- estimateAffinePartial2D(Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal limited affine transformation with 4 degrees of freedom between two 2D point sets.
- estimateAffinePartial2D(Mat, Mat, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal limited affine transformation with 4 degrees of freedom between two 2D point sets.
- estimateAffinePartial2D(Mat, Mat, Mat, int, double) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal limited affine transformation with 4 degrees of freedom between two 2D point sets.
- estimateAffinePartial2D(Mat, Mat, Mat, int, double, long) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal limited affine transformation with 4 degrees of freedom between two 2D point sets.
- estimateAffinePartial2D(Mat, Mat, Mat, int, double, long, double) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal limited affine transformation with 4 degrees of freedom between two 2D point sets.
- estimateAffinePartial2D(Mat, Mat, Mat, int, double, long, double, long) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal limited affine transformation with 4 degrees of freedom between two 2D point sets.
- estimateChessboardSharpness(Mat, Size, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Estimates the sharpness of a detected chessboard.
- estimateChessboardSharpness(Mat, Size, Mat, float) - Static method in class org.opencv.calib3d.Calib3d
-
Estimates the sharpness of a detected chessboard.
- estimateChessboardSharpness(Mat, Size, Mat, float, boolean) - Static method in class org.opencv.calib3d.Calib3d
-
Estimates the sharpness of a detected chessboard.
- estimateChessboardSharpness(Mat, Size, Mat, float, boolean, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Estimates the sharpness of a detected chessboard.
- EstimateParameters - Class in org.opencv.aruco
-
Deprecated.Use Board::matchImagePoints and cv::solvePnP SEE: PatternPositionType, solvePnP()
- EstimateParameters() - Constructor for class org.opencv.aruco.EstimateParameters
-
Deprecated.
- EstimateParameters(long) - Constructor for class org.opencv.aruco.EstimateParameters
-
Deprecated.
- estimatePoseBoard(List<Mat>, Mat, Board, Mat, Mat, Mat, Mat) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use Board::matchImagePoints and cv::solvePnP
- estimatePoseBoard(List<Mat>, Mat, Board, Mat, Mat, Mat, Mat, boolean) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use Board::matchImagePoints and cv::solvePnP
- estimatePoseCharucoBoard(Mat, Mat, CharucoBoard, Mat, Mat, Mat, Mat) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use CharucoBoard::matchImagePoints and cv::solvePnP SEE: use cv::drawFrameAxes to get world coordinate system axis for object points
- estimatePoseCharucoBoard(Mat, Mat, CharucoBoard, Mat, Mat, Mat, Mat, boolean) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use CharucoBoard::matchImagePoints and cv::solvePnP SEE: use cv::drawFrameAxes to get world coordinate system axis for object points
- estimatePoseSingleMarkers(List<Mat>, float, Mat, Mat, Mat, Mat) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use cv::solvePnP
- estimatePoseSingleMarkers(List<Mat>, float, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use cv::solvePnP
- estimatePoseSingleMarkers(List<Mat>, float, Mat, Mat, Mat, Mat, Mat, EstimateParameters) - Static method in class org.opencv.aruco.Aruco
-
Deprecated.Use cv::solvePnP
- estimateTransformation(Mat, Mat, Mat, double[]) - Method in class org.opencv.ximgproc.ContourFitting
-
Fit two closed curves using fourier descriptors.
- estimateTransformation(Mat, Mat, Mat, double[], boolean) - Method in class org.opencv.ximgproc.ContourFitting
-
Fit two closed curves using fourier descriptors.
- estimateTranslation3D(Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal translation between two 3D point sets.
- estimateTranslation3D(Mat, Mat, Mat, Mat, double) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal translation between two 3D point sets.
- estimateTranslation3D(Mat, Mat, Mat, Mat, double, double) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal translation between two 3D point sets.
- exp(Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates the exponent of every array element.
- extendDictionary(int, int) - Static method in class org.opencv.objdetect.Objdetect
-
Extend base dictionary by new nMarkers
- extendDictionary(int, int, Dictionary) - Static method in class org.opencv.objdetect.Objdetect
-
Extend base dictionary by new nMarkers
- extendDictionary(int, int, Dictionary, int) - Static method in class org.opencv.objdetect.Objdetect
-
Extend base dictionary by new nMarkers
- extractChannel(Mat, Mat, int) - Static method in class org.opencv.core.Core
-
Extracts a single channel from src (coi is 0-based index)
- extractSimpleFeatures(Mat, Mat) - Method in class org.opencv.xphoto.LearningBasedWB
-
Implements the feature extraction part of the algorithm.
- eye(int, int, int) - Static method in class org.opencv.core.Mat
- eye(Size, int) - Static method in class org.opencv.core.Mat
F
- Face - Class in org.opencv.face
- Face() - Constructor for class org.opencv.face.Face
- FaceDetectorYN - Class in org.opencv.objdetect
-
DNN-based face detector model download link: https://github.com/opencv/opencv_zoo/tree/master/models/face_detection_yunet
- FaceDetectorYN(long) - Constructor for class org.opencv.objdetect.FaceDetectorYN
- Facemark - Class in org.opencv.face
-
Abstract base class for all facemark models To utilize this API in your program, please take a look at the REF: tutorial_table_of_content_facemark ### Description Facemark is a base class which provides universal access to any specific facemark algorithm.
- Facemark(long) - Constructor for class org.opencv.face.Facemark
- FacemarkAAM - Class in org.opencv.face
- FacemarkAAM(long) - Constructor for class org.opencv.face.FacemarkAAM
- FacemarkKazemi - Class in org.opencv.face
- FacemarkKazemi(long) - Constructor for class org.opencv.face.FacemarkKazemi
- FacemarkLBF - Class in org.opencv.face
- FacemarkLBF(long) - Constructor for class org.opencv.face.FacemarkLBF
- FacemarkTrain - Class in org.opencv.face
-
Abstract base class for trainable facemark models To utilize this API in your program, please take a look at the REF: tutorial_table_of_content_facemark ### Description The AAM and LBF facemark models in OpenCV are derived from the abstract base class FacemarkTrain, which provides a unified access to those facemark algorithms in OpenCV.
- FacemarkTrain(long) - Constructor for class org.opencv.face.FacemarkTrain
- FaceRecognizer - Class in org.opencv.face
-
Abstract base class for all face recognition models All face recognition models in OpenCV are derived from the abstract base class FaceRecognizer, which provides a unified access to all face recongition algorithms in OpenCV.
- FaceRecognizer(long) - Constructor for class org.opencv.face.FaceRecognizer
- FaceRecognizerSF - Class in org.opencv.objdetect
-
DNN-based face recognizer model download link: https://github.com/opencv/opencv_zoo/tree/master/models/face_recognition_sface
- FaceRecognizerSF(long) - Constructor for class org.opencv.objdetect.FaceRecognizerSF
- FAPS - Static variable in class org.opencv.structured_light.Structured_light
- FarnebackOpticalFlow - Class in org.opencv.video
-
Class computing a dense optical flow using the Gunnar Farneback's algorithm.
- FarnebackOpticalFlow(long) - Constructor for class org.opencv.video.FarnebackOpticalFlow
- FAST_N - Static variable in class org.opencv.features2d.FastFeatureDetector
- FAST_SCORE - Static variable in class org.opencv.features2d.ORB
- fastAtan2(float, float) - Static method in class org.opencv.core.Core
-
Calculates the angle of a 2D vector in degrees.
- fastBilateralSolverFilter(Mat, Mat, Mat, Mat) - Static method in class org.opencv.ximgproc.Ximgproc
-
Simple one-line Fast Bilateral Solver filter call.
- fastBilateralSolverFilter(Mat, Mat, Mat, Mat, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Simple one-line Fast Bilateral Solver filter call.
- fastBilateralSolverFilter(Mat, Mat, Mat, Mat, double, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Simple one-line Fast Bilateral Solver filter call.
- fastBilateralSolverFilter(Mat, Mat, Mat, Mat, double, double, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Simple one-line Fast Bilateral Solver filter call.
- fastBilateralSolverFilter(Mat, Mat, Mat, Mat, double, double, double, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Simple one-line Fast Bilateral Solver filter call.
- fastBilateralSolverFilter(Mat, Mat, Mat, Mat, double, double, double, double, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Simple one-line Fast Bilateral Solver filter call.
- fastBilateralSolverFilter(Mat, Mat, Mat, Mat, double, double, double, double, int, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Simple one-line Fast Bilateral Solver filter call.
- FastBilateralSolverFilter - Class in org.opencv.ximgproc
-
Interface for implementations of Fast Bilateral Solver.
- FastBilateralSolverFilter(long) - Constructor for class org.opencv.ximgproc.FastBilateralSolverFilter
- FastFeatureDetector - Class in org.opencv.features2d
-
Wrapping class for feature detection using the FAST method.
- FastFeatureDetector(long) - Constructor for class org.opencv.features2d.FastFeatureDetector
- fastGlobalSmootherFilter(Mat, Mat, Mat, double, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Simple one-line Fast Global Smoother filter call.
- fastGlobalSmootherFilter(Mat, Mat, Mat, double, double, double) - Static method in class org.opencv.ximgproc.Ximgproc
-
Simple one-line Fast Global Smoother filter call.
- fastGlobalSmootherFilter(Mat, Mat, Mat, double, double, double, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Simple one-line Fast Global Smoother filter call.
- FastGlobalSmootherFilter - Class in org.opencv.ximgproc
-
Interface for implementations of Fast Global Smoother filter.
- FastGlobalSmootherFilter(long) - Constructor for class org.opencv.ximgproc.FastGlobalSmootherFilter
- FastHoughTransform(Mat, Mat, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Calculates 2D Fast Hough transform of an image.
- FastHoughTransform(Mat, Mat, int, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Calculates 2D Fast Hough transform of an image.
- FastHoughTransform(Mat, Mat, int, int, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Calculates 2D Fast Hough transform of an image.
- FastHoughTransform(Mat, Mat, int, int, int, int) - Static method in class org.opencv.ximgproc.Ximgproc
-
Calculates 2D Fast Hough transform of an image.
- FastLineDetector - Class in org.opencv.ximgproc
-
Class implementing the FLD (Fast Line Detector) algorithm described in CITE: Lee14 .
- FastLineDetector(long) - Constructor for class org.opencv.ximgproc.FastLineDetector
- fastNlMeansDenoising(Mat, Mat) - Static method in class org.opencv.photo.Photo
-
Perform image denoising using Non-local Means Denoising algorithm <http://www.ipol.im/pub/algo/bcm_non_local_means_denoising/> with several computational optimizations.
- fastNlMeansDenoising(Mat, Mat, float) - Static method in class org.opencv.photo.Photo
-
Perform image denoising using Non-local Means Denoising algorithm <http://www.ipol.im/pub/algo/bcm_non_local_means_denoising/> with several computational optimizations.
- fastNlMeansDenoising(Mat, Mat, float, int) - Static method in class org.opencv.photo.Photo
-
Perform image denoising using Non-local Means Denoising algorithm <http://www.ipol.im/pub/algo/bcm_non_local_means_denoising/> with several computational optimizations.
- fastNlMeansDenoising(Mat, Mat, float, int, int) - Static method in class org.opencv.photo.Photo
-
Perform image denoising using Non-local Means Denoising algorithm <http://www.ipol.im/pub/algo/bcm_non_local_means_denoising/> with several computational optimizations.
- fastNlMeansDenoising(Mat, Mat, MatOfFloat) - Static method in class org.opencv.photo.Photo
-
Perform image denoising using Non-local Means Denoising algorithm <http://www.ipol.im/pub/algo/bcm_non_local_means_denoising/> with several computational optimizations.
- fastNlMeansDenoising(Mat, Mat, MatOfFloat, int) - Static method in class org.opencv.photo.Photo
-
Perform image denoising using Non-local Means Denoising algorithm <http://www.ipol.im/pub/algo/bcm_non_local_means_denoising/> with several computational optimizations.
- fastNlMeansDenoising(Mat, Mat, MatOfFloat, int, int) - Static method in class org.opencv.photo.Photo
-
Perform image denoising using Non-local Means Denoising algorithm <http://www.ipol.im/pub/algo/bcm_non_local_means_denoising/> with several computational optimizations.
- fastNlMeansDenoising(Mat, Mat, MatOfFloat, int, int, int) - Static method in class org.opencv.photo.Photo
-
Perform image denoising using Non-local Means Denoising algorithm <http://www.ipol.im/pub/algo/bcm_non_local_means_denoising/> with several computational optimizations.
- fastNlMeansDenoisingColored(Mat, Mat) - Static method in class org.opencv.photo.Photo
-
Modification of fastNlMeansDenoising function for colored images
- fastNlMeansDenoisingColored(Mat, Mat, float) - Static method in class org.opencv.photo.Photo
-
Modification of fastNlMeansDenoising function for colored images
- fastNlMeansDenoisingColored(Mat, Mat, float, float) - Static method in class org.opencv.photo.Photo
-
Modification of fastNlMeansDenoising function for colored images
- fastNlMeansDenoisingColored(Mat, Mat, float, float, int) - Static method in class org.opencv.photo.Photo
-
Modification of fastNlMeansDenoising function for colored images
- fastNlMeansDenoisingColored(Mat, Mat, float, float, int, int) - Static method in class org.opencv.photo.Photo
-
Modification of fastNlMeansDenoising function for colored images
- fastNlMeansDenoisingColoredMulti(List<Mat>, Mat, int, int) - Static method in class org.opencv.photo.Photo
-
Modification of fastNlMeansDenoisingMulti function for colored images sequences
- fastNlMeansDenoisingColoredMulti(List<Mat>, Mat, int, int, float) - Static method in class org.opencv.photo.Photo
-
Modification of fastNlMeansDenoisingMulti function for colored images sequences
- fastNlMeansDenoisingColoredMulti(List<Mat>, Mat, int, int, float, float) - Static method in class org.opencv.photo.Photo
-
Modification of fastNlMeansDenoisingMulti function for colored images sequences
- fastNlMeansDenoisingColoredMulti(List<Mat>, Mat, int, int, float, float, int) - Static method in class org.opencv.photo.Photo
-
Modification of fastNlMeansDenoisingMulti function for colored images sequences
- fastNlMeansDenoisingColoredMulti(List<Mat>, Mat, int, int, float, float, int, int) - Static method in class org.opencv.photo.Photo
-
Modification of fastNlMeansDenoisingMulti function for colored images sequences
- fastNlMeansDenoisingMulti(List<Mat>, Mat, int, int) - Static method in class org.opencv.photo.Photo
-
Modification of fastNlMeansDenoising function for images sequence where consecutive images have been captured in small period of time.
- fastNlMeansDenoisingMulti(List<Mat>, Mat, int, int, float) - Static method in class org.opencv.photo.Photo
-
Modification of fastNlMeansDenoising function for images sequence where consecutive images have been captured in small period of time.
- fastNlMeansDenoisingMulti(List<Mat>, Mat, int, int, float, int) - Static method in class org.opencv.photo.Photo
-
Modification of fastNlMeansDenoising function for images sequence where consecutive images have been captured in small period of time.
- fastNlMeansDenoisingMulti(List<Mat>, Mat, int, int, float, int, int) - Static method in class org.opencv.photo.Photo
-
Modification of fastNlMeansDenoising function for images sequence where consecutive images have been captured in small period of time.
- fastNlMeansDenoisingMulti(List<Mat>, Mat, int, int, MatOfFloat) - Static method in class org.opencv.photo.Photo
-
Modification of fastNlMeansDenoising function for images sequence where consecutive images have been captured in small period of time.
- fastNlMeansDenoisingMulti(List<Mat>, Mat, int, int, MatOfFloat, int) - Static method in class org.opencv.photo.Photo
-
Modification of fastNlMeansDenoising function for images sequence where consecutive images have been captured in small period of time.
- fastNlMeansDenoisingMulti(List<Mat>, Mat, int, int, MatOfFloat, int, int) - Static method in class org.opencv.photo.Photo
-
Modification of fastNlMeansDenoising function for images sequence where consecutive images have been captured in small period of time.
- fastNlMeansDenoisingMulti(List<Mat>, Mat, int, int, MatOfFloat, int, int, int) - Static method in class org.opencv.photo.Photo
-
Modification of fastNlMeansDenoising function for images sequence where consecutive images have been captured in small period of time.
- feature(Mat, Mat) - Method in class org.opencv.objdetect.FaceRecognizerSF
-
Extracts face feature from aligned image
- Feature2D - Class in org.opencv.features2d
-
Abstract base class for 2D image feature detectors and descriptor extractors
- Feature2D(long) - Constructor for class org.opencv.features2d.Feature2D
- Features2d - Class in org.opencv.features2d
- Features2d() - Constructor for class org.opencv.features2d.Features2d
- FHT_ADD - Static variable in class org.opencv.ximgproc.Ximgproc
- FHT_AVE - Static variable in class org.opencv.ximgproc.Ximgproc
- FHT_MAX - Static variable in class org.opencv.ximgproc.Ximgproc
- FHT_MIN - Static variable in class org.opencv.ximgproc.Ximgproc
- fillConvexPoly(Mat, MatOfPoint, Scalar) - Static method in class org.opencv.imgproc.Imgproc
-
Fills a convex polygon.
- fillConvexPoly(Mat, MatOfPoint, Scalar, int) - Static method in class org.opencv.imgproc.Imgproc
-
Fills a convex polygon.
- fillConvexPoly(Mat, MatOfPoint, Scalar, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Fills a convex polygon.
- FILLED - Static variable in class org.opencv.core.Core
- FILLED - Static variable in class org.opencv.imgproc.Imgproc
- fillPoly(Mat, List<MatOfPoint>, Scalar) - Static method in class org.opencv.imgproc.Imgproc
-
Fills the area bounded by one or more polygons.
- fillPoly(Mat, List<MatOfPoint>, Scalar, int) - Static method in class org.opencv.imgproc.Imgproc
-
Fills the area bounded by one or more polygons.
- fillPoly(Mat, List<MatOfPoint>, Scalar, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Fills the area bounded by one or more polygons.
- fillPoly(Mat, List<MatOfPoint>, Scalar, int, int, Point) - Static method in class org.opencv.imgproc.Imgproc
-
Fills the area bounded by one or more polygons.
- filter(Mat, Mat) - Method in class org.opencv.ximgproc.AdaptiveManifoldFilter
-
Apply high-dimensional filtering using adaptive manifolds.
- filter(Mat, Mat) - Method in class org.opencv.ximgproc.DTFilter
-
Produce domain transform filtering operation on source image.
- filter(Mat, Mat) - Method in class org.opencv.ximgproc.FastGlobalSmootherFilter
-
Apply smoothing operation to the source image.
- filter(Mat, Mat) - Method in class org.opencv.ximgproc.GuidedFilter
-
Apply (Fast) Guided Filter to the filtering image.
- filter(Mat, Mat, int) - Method in class org.opencv.ximgproc.DTFilter
-
Produce domain transform filtering operation on source image.
- filter(Mat, Mat, int) - Method in class org.opencv.ximgproc.GuidedFilter
-
Apply (Fast) Guided Filter to the filtering image.
- filter(Mat, Mat, Mat) - Method in class org.opencv.ximgproc.AdaptiveManifoldFilter
-
Apply high-dimensional filtering using adaptive manifolds.
- filter(Mat, Mat, Mat) - Method in class org.opencv.ximgproc.DisparityFilter
-
Apply filtering to the disparity map.
- filter(Mat, Mat, Mat) - Method in class org.opencv.ximgproc.FastBilateralSolverFilter
-
Apply smoothing operation to the source image.
- filter(Mat, Mat, Mat, Mat) - Method in class org.opencv.ximgproc.DisparityFilter
-
Apply filtering to the disparity map.
- filter(Mat, Mat, Mat, Mat, Rect) - Method in class org.opencv.ximgproc.DisparityFilter
-
Apply filtering to the disparity map.
- filter(Mat, Mat, Mat, Mat, Rect, Mat) - Method in class org.opencv.ximgproc.DisparityFilter
-
Apply filtering to the disparity map.
- FILTER_SCHARR - Static variable in class org.opencv.imgproc.Imgproc
- filter2D(Mat, Mat, int, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Convolves an image with the kernel.
- filter2D(Mat, Mat, int, Mat, Point) - Static method in class org.opencv.imgproc.Imgproc
-
Convolves an image with the kernel.
- filter2D(Mat, Mat, int, Mat, Point, double) - Static method in class org.opencv.imgproc.Imgproc
-
Convolves an image with the kernel.
- filter2D(Mat, Mat, int, Mat, Point, double, int) - Static method in class org.opencv.imgproc.Imgproc
-
Convolves an image with the kernel.
- filterHomographyDecompByVisibleRefpoints(List<Mat>, List<Mat>, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Filters homography decompositions based on additional information.
- filterHomographyDecompByVisibleRefpoints(List<Mat>, List<Mat>, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Filters homography decompositions based on additional information.
- filterSpeckles(Mat, double, int, double) - Static method in class org.opencv.calib3d.Calib3d
-
Filters off small noise blobs (speckles) in the disparity map
- filterSpeckles(Mat, double, int, double, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Filters off small noise blobs (speckles) in the disparity map
- finalize() - Method in class org.opencv.aruco.EstimateParameters
-
Deprecated.
- finalize() - Method in class org.opencv.bgsegm.BackgroundSubtractorCNT
- finalize() - Method in class org.opencv.bgsegm.BackgroundSubtractorGMG
- finalize() - Method in class org.opencv.bgsegm.BackgroundSubtractorGSOC
- finalize() - Method in class org.opencv.bgsegm.BackgroundSubtractorLSBP
- finalize() - Method in class org.opencv.bgsegm.BackgroundSubtractorLSBPDesc
- finalize() - Method in class org.opencv.bgsegm.BackgroundSubtractorMOG
- finalize() - Method in class org.opencv.bgsegm.SyntheticSequenceGenerator
- finalize() - Method in class org.opencv.bioinspired.Retina
- finalize() - Method in class org.opencv.bioinspired.RetinaFastToneMapping
- finalize() - Method in class org.opencv.bioinspired.TransientAreasSegmentationModule
- finalize() - Method in class org.opencv.calib3d.StereoBM
- finalize() - Method in class org.opencv.calib3d.StereoMatcher
- finalize() - Method in class org.opencv.calib3d.StereoSGBM
- finalize() - Method in class org.opencv.calib3d.UsacParams
- finalize() - Method in class org.opencv.core.Algorithm
- finalize() - Method in class org.opencv.core.Mat
- finalize() - Method in class org.opencv.core.TickMeter
- finalize() - Method in class org.opencv.dnn_superres.DnnSuperResImpl
- finalize() - Method in class org.opencv.dnn.ClassificationModel
- finalize() - Method in class org.opencv.dnn.DetectionModel
- finalize() - Method in class org.opencv.dnn.DictValue
- finalize() - Method in class org.opencv.dnn.Image2BlobParams
- finalize() - Method in class org.opencv.dnn.KeypointsModel
- finalize() - Method in class org.opencv.dnn.Layer
- finalize() - Method in class org.opencv.dnn.Model
- finalize() - Method in class org.opencv.dnn.Net
- finalize() - Method in class org.opencv.dnn.SegmentationModel
- finalize() - Method in class org.opencv.dnn.TextDetectionModel_DB
- finalize() - Method in class org.opencv.dnn.TextDetectionModel_EAST
- finalize() - Method in class org.opencv.dnn.TextDetectionModel
- finalize() - Method in class org.opencv.dnn.TextRecognitionModel
- finalize() - Method in class org.opencv.face.BasicFaceRecognizer
- finalize() - Method in class org.opencv.face.BIF
- finalize() - Method in class org.opencv.face.EigenFaceRecognizer
- finalize() - Method in class org.opencv.face.Facemark
- finalize() - Method in class org.opencv.face.FacemarkAAM
- finalize() - Method in class org.opencv.face.FacemarkKazemi
- finalize() - Method in class org.opencv.face.FacemarkLBF
- finalize() - Method in class org.opencv.face.FacemarkTrain
- finalize() - Method in class org.opencv.face.FaceRecognizer
- finalize() - Method in class org.opencv.face.FisherFaceRecognizer
- finalize() - Method in class org.opencv.face.LBPHFaceRecognizer
- finalize() - Method in class org.opencv.face.MACE
- finalize() - Method in class org.opencv.face.PredictCollector
- finalize() - Method in class org.opencv.face.StandardCollector
- finalize() - Method in class org.opencv.features2d.AffineFeature
- finalize() - Method in class org.opencv.features2d.AgastFeatureDetector
- finalize() - Method in class org.opencv.features2d.AKAZE
- finalize() - Method in class org.opencv.features2d.BFMatcher
- finalize() - Method in class org.opencv.features2d.BOWImgDescriptorExtractor
- finalize() - Method in class org.opencv.features2d.BOWKMeansTrainer
- finalize() - Method in class org.opencv.features2d.BOWTrainer
- finalize() - Method in class org.opencv.features2d.BRISK
- finalize() - Method in class org.opencv.features2d.DescriptorMatcher
- finalize() - Method in class org.opencv.features2d.FastFeatureDetector
- finalize() - Method in class org.opencv.features2d.Feature2D
- finalize() - Method in class org.opencv.features2d.FlannBasedMatcher
- finalize() - Method in class org.opencv.features2d.GFTTDetector
- finalize() - Method in class org.opencv.features2d.KAZE
- finalize() - Method in class org.opencv.features2d.MSER
- finalize() - Method in class org.opencv.features2d.ORB
- finalize() - Method in class org.opencv.features2d.SIFT
- finalize() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
- finalize() - Method in class org.opencv.features2d.SimpleBlobDetector
- finalize() - Method in class org.opencv.img_hash.AverageHash
- finalize() - Method in class org.opencv.img_hash.BlockMeanHash
- finalize() - Method in class org.opencv.img_hash.ColorMomentHash
- finalize() - Method in class org.opencv.img_hash.ImgHashBase
- finalize() - Method in class org.opencv.img_hash.MarrHildrethHash
- finalize() - Method in class org.opencv.img_hash.PHash
- finalize() - Method in class org.opencv.img_hash.RadialVarianceHash
- finalize() - Method in class org.opencv.imgproc.CLAHE
- finalize() - Method in class org.opencv.imgproc.GeneralizedHough
- finalize() - Method in class org.opencv.imgproc.GeneralizedHoughBallard
- finalize() - Method in class org.opencv.imgproc.GeneralizedHoughGuil
- finalize() - Method in class org.opencv.imgproc.IntelligentScissorsMB
- finalize() - Method in class org.opencv.imgproc.LineSegmentDetector
- finalize() - Method in class org.opencv.imgproc.Subdiv2D
- finalize() - Method in class org.opencv.ml.ANN_MLP
- finalize() - Method in class org.opencv.ml.Boost
- finalize() - Method in class org.opencv.ml.DTrees
- finalize() - Method in class org.opencv.ml.EM
- finalize() - Method in class org.opencv.ml.KNearest
- finalize() - Method in class org.opencv.ml.LogisticRegression
- finalize() - Method in class org.opencv.ml.NormalBayesClassifier
- finalize() - Method in class org.opencv.ml.ParamGrid
- finalize() - Method in class org.opencv.ml.RTrees
- finalize() - Method in class org.opencv.ml.StatModel
- finalize() - Method in class org.opencv.ml.SVM
- finalize() - Method in class org.opencv.ml.SVMSGD
- finalize() - Method in class org.opencv.ml.TrainData
- finalize() - Method in class org.opencv.objdetect.ArucoDetector
- finalize() - Method in class org.opencv.objdetect.BarcodeDetector
- finalize() - Method in class org.opencv.objdetect.BaseCascadeClassifier
- finalize() - Method in class org.opencv.objdetect.Board
- finalize() - Method in class org.opencv.objdetect.CascadeClassifier
- finalize() - Method in class org.opencv.objdetect.CharucoBoard
- finalize() - Method in class org.opencv.objdetect.CharucoDetector
- finalize() - Method in class org.opencv.objdetect.CharucoParameters
- finalize() - Method in class org.opencv.objdetect.DetectorParameters
- finalize() - Method in class org.opencv.objdetect.Dictionary
- finalize() - Method in class org.opencv.objdetect.FaceDetectorYN
- finalize() - Method in class org.opencv.objdetect.FaceRecognizerSF
- finalize() - Method in class org.opencv.objdetect.GraphicalCodeDetector
- finalize() - Method in class org.opencv.objdetect.GridBoard
- finalize() - Method in class org.opencv.objdetect.HOGDescriptor
- finalize() - Method in class org.opencv.objdetect.QRCodeDetector
- finalize() - Method in class org.opencv.objdetect.QRCodeDetectorAruco_Params
- finalize() - Method in class org.opencv.objdetect.QRCodeDetectorAruco
- finalize() - Method in class org.opencv.objdetect.QRCodeEncoder_Params
- finalize() - Method in class org.opencv.objdetect.QRCodeEncoder
- finalize() - Method in class org.opencv.objdetect.RefineParameters
- finalize() - Method in class org.opencv.phase_unwrapping.HistogramPhaseUnwrapping_Params
- finalize() - Method in class org.opencv.phase_unwrapping.HistogramPhaseUnwrapping
- finalize() - Method in class org.opencv.phase_unwrapping.PhaseUnwrapping
- finalize() - Method in class org.opencv.photo.AlignExposures
- finalize() - Method in class org.opencv.photo.AlignMTB
- finalize() - Method in class org.opencv.photo.CalibrateCRF
- finalize() - Method in class org.opencv.photo.CalibrateDebevec
- finalize() - Method in class org.opencv.photo.CalibrateRobertson
- finalize() - Method in class org.opencv.photo.MergeDebevec
- finalize() - Method in class org.opencv.photo.MergeExposures
- finalize() - Method in class org.opencv.photo.MergeMertens
- finalize() - Method in class org.opencv.photo.MergeRobertson
- finalize() - Method in class org.opencv.photo.Tonemap
- finalize() - Method in class org.opencv.photo.TonemapDrago
- finalize() - Method in class org.opencv.photo.TonemapMantiuk
- finalize() - Method in class org.opencv.photo.TonemapReinhard
- finalize() - Method in class org.opencv.plot.Plot2d
- finalize() - Method in class org.opencv.structured_light.GrayCodePattern
- finalize() - Method in class org.opencv.structured_light.SinusoidalPattern_Params
- finalize() - Method in class org.opencv.structured_light.SinusoidalPattern
- finalize() - Method in class org.opencv.structured_light.StructuredLightPattern
- finalize() - Method in class org.opencv.text.BaseOCR
- finalize() - Method in class org.opencv.text.ERFilter_Callback
- finalize() - Method in class org.opencv.text.ERFilter
- finalize() - Method in class org.opencv.text.OCRBeamSearchDecoder_ClassifierCallback
- finalize() - Method in class org.opencv.text.OCRBeamSearchDecoder
- finalize() - Method in class org.opencv.text.OCRHMMDecoder_ClassifierCallback
- finalize() - Method in class org.opencv.text.OCRHMMDecoder
- finalize() - Method in class org.opencv.text.OCRTesseract
- finalize() - Method in class org.opencv.text.TextDetector
- finalize() - Method in class org.opencv.text.TextDetectorCNN
- finalize() - Method in class org.opencv.tracking.legacy_MultiTracker
- finalize() - Method in class org.opencv.tracking.legacy_Tracker
- finalize() - Method in class org.opencv.tracking.legacy_TrackerBoosting
- finalize() - Method in class org.opencv.tracking.legacy_TrackerCSRT
- finalize() - Method in class org.opencv.tracking.legacy_TrackerKCF
- finalize() - Method in class org.opencv.tracking.legacy_TrackerMedianFlow
- finalize() - Method in class org.opencv.tracking.legacy_TrackerMIL
- finalize() - Method in class org.opencv.tracking.legacy_TrackerMOSSE
- finalize() - Method in class org.opencv.tracking.legacy_TrackerTLD
- finalize() - Method in class org.opencv.tracking.TrackerCSRT_Params
- finalize() - Method in class org.opencv.tracking.TrackerCSRT
- finalize() - Method in class org.opencv.tracking.TrackerKCF_Params
- finalize() - Method in class org.opencv.tracking.TrackerKCF
- finalize() - Method in class org.opencv.video.BackgroundSubtractor
- finalize() - Method in class org.opencv.video.BackgroundSubtractorKNN
- finalize() - Method in class org.opencv.video.BackgroundSubtractorMOG2
- finalize() - Method in class org.opencv.video.DenseOpticalFlow
- finalize() - Method in class org.opencv.video.DISOpticalFlow
- finalize() - Method in class org.opencv.video.FarnebackOpticalFlow
- finalize() - Method in class org.opencv.video.KalmanFilter
- finalize() - Method in class org.opencv.video.SparseOpticalFlow
- finalize() - Method in class org.opencv.video.SparsePyrLKOpticalFlow
- finalize() - Method in class org.opencv.video.Tracker
- finalize() - Method in class org.opencv.video.TrackerDaSiamRPN_Params
- finalize() - Method in class org.opencv.video.TrackerDaSiamRPN
- finalize() - Method in class org.opencv.video.TrackerGOTURN_Params
- finalize() - Method in class org.opencv.video.TrackerGOTURN
- finalize() - Method in class org.opencv.video.TrackerMIL_Params
- finalize() - Method in class org.opencv.video.TrackerMIL
- finalize() - Method in class org.opencv.video.TrackerNano_Params
- finalize() - Method in class org.opencv.video.TrackerNano
- finalize() - Method in class org.opencv.video.TrackerVit_Params
- finalize() - Method in class org.opencv.video.TrackerVit
- finalize() - Method in class org.opencv.video.VariationalRefinement
- finalize() - Method in class org.opencv.videoio.VideoCapture
- finalize() - Method in class org.opencv.videoio.VideoWriter
- finalize() - Method in class org.opencv.wechat_qrcode.WeChatQRCode
- finalize() - Method in class org.opencv.xfeatures2d.AffineFeature2D
- finalize() - Method in class org.opencv.xfeatures2d.BEBLID
- finalize() - Method in class org.opencv.xfeatures2d.BoostDesc
- finalize() - Method in class org.opencv.xfeatures2d.BriefDescriptorExtractor
- finalize() - Method in class org.opencv.xfeatures2d.DAISY
- finalize() - Method in class org.opencv.xfeatures2d.FREAK
- finalize() - Method in class org.opencv.xfeatures2d.HarrisLaplaceFeatureDetector
- finalize() - Method in class org.opencv.xfeatures2d.LATCH
- finalize() - Method in class org.opencv.xfeatures2d.LUCID
- finalize() - Method in class org.opencv.xfeatures2d.MSDDetector
- finalize() - Method in class org.opencv.xfeatures2d.PCTSignatures
- finalize() - Method in class org.opencv.xfeatures2d.PCTSignaturesSQFD
- finalize() - Method in class org.opencv.xfeatures2d.StarDetector
- finalize() - Method in class org.opencv.xfeatures2d.SURF_CUDA
- finalize() - Method in class org.opencv.xfeatures2d.SURF
- finalize() - Method in class org.opencv.xfeatures2d.TBMR
- finalize() - Method in class org.opencv.xfeatures2d.TEBLID
- finalize() - Method in class org.opencv.xfeatures2d.VGG
- finalize() - Method in class org.opencv.ximgproc.AdaptiveManifoldFilter
- finalize() - Method in class org.opencv.ximgproc.ContourFitting
- finalize() - Method in class org.opencv.ximgproc.DisparityFilter
- finalize() - Method in class org.opencv.ximgproc.DisparityWLSFilter
- finalize() - Method in class org.opencv.ximgproc.DTFilter
- finalize() - Method in class org.opencv.ximgproc.EdgeAwareInterpolator
- finalize() - Method in class org.opencv.ximgproc.EdgeBoxes
- finalize() - Method in class org.opencv.ximgproc.EdgeDrawing_Params
- finalize() - Method in class org.opencv.ximgproc.EdgeDrawing
- finalize() - Method in class org.opencv.ximgproc.FastBilateralSolverFilter
- finalize() - Method in class org.opencv.ximgproc.FastGlobalSmootherFilter
- finalize() - Method in class org.opencv.ximgproc.FastLineDetector
- finalize() - Method in class org.opencv.ximgproc.GraphSegmentation
- finalize() - Method in class org.opencv.ximgproc.GuidedFilter
- finalize() - Method in class org.opencv.ximgproc.RFFeatureGetter
- finalize() - Method in class org.opencv.ximgproc.RICInterpolator
- finalize() - Method in class org.opencv.ximgproc.RidgeDetectionFilter
- finalize() - Method in class org.opencv.ximgproc.ScanSegment
- finalize() - Method in class org.opencv.ximgproc.SelectiveSearchSegmentation
- finalize() - Method in class org.opencv.ximgproc.SelectiveSearchSegmentationStrategy
- finalize() - Method in class org.opencv.ximgproc.SelectiveSearchSegmentationStrategyColor
- finalize() - Method in class org.opencv.ximgproc.SelectiveSearchSegmentationStrategyFill
- finalize() - Method in class org.opencv.ximgproc.SelectiveSearchSegmentationStrategyMultiple
- finalize() - Method in class org.opencv.ximgproc.SelectiveSearchSegmentationStrategySize
- finalize() - Method in class org.opencv.ximgproc.SelectiveSearchSegmentationStrategyTexture
- finalize() - Method in class org.opencv.ximgproc.SparseMatchInterpolator
- finalize() - Method in class org.opencv.ximgproc.StructuredEdgeDetection
- finalize() - Method in class org.opencv.ximgproc.SuperpixelLSC
- finalize() - Method in class org.opencv.ximgproc.SuperpixelSEEDS
- finalize() - Method in class org.opencv.ximgproc.SuperpixelSLIC
- finalize() - Method in class org.opencv.xphoto.GrayworldWB
- finalize() - Method in class org.opencv.xphoto.LearningBasedWB
- finalize() - Method in class org.opencv.xphoto.SimpleWB
- finalize() - Method in class org.opencv.xphoto.TonemapDurand
- finalize() - Method in class org.opencv.xphoto.WhiteBalancer
- finalize(List<Mat>, List<Mat>) - Method in class org.opencv.dnn.Layer
-
Computes and sets internal parameters according to inputs, outputs and blobs.
- find4QuadCornerSubpix(Mat, Mat, Size) - Static method in class org.opencv.calib3d.Calib3d
- findChessboardCorners(Mat, Size, MatOfPoint2f) - Static method in class org.opencv.calib3d.Calib3d
-
Finds the positions of internal corners of the chessboard.
- findChessboardCorners(Mat, Size, MatOfPoint2f, int) - Static method in class org.opencv.calib3d.Calib3d
-
Finds the positions of internal corners of the chessboard.
- findChessboardCornersSB(Mat, Size, Mat) - Static method in class org.opencv.calib3d.Calib3d
- findChessboardCornersSB(Mat, Size, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
- findChessboardCornersSBWithMeta(Mat, Size, Mat, int, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Finds the positions of internal corners of the chessboard using a sector based approach.
- findCirclesGrid(Mat, Size, Mat) - Static method in class org.opencv.calib3d.Calib3d
- findCirclesGrid(Mat, Size, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
- findContours(Mat, List<MatOfPoint>, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Finds contours in a binary image.
- findContours(Mat, List<MatOfPoint>, Mat, int, int, Point) - Static method in class org.opencv.imgproc.Imgproc
-
Finds contours in a binary image.
- findContoursLinkRuns(Mat, List<Mat>) - Static method in class org.opencv.imgproc.Imgproc
- findContoursLinkRuns(Mat, List<Mat>, Mat) - Static method in class org.opencv.imgproc.Imgproc
- findEllipses(Mat, Mat) - Static method in class org.opencv.ximgproc.Ximgproc
-
Finds ellipses fastly in an image using projective invariant pruning.
- findEllipses(Mat, Mat, float) - Static method in class org.opencv.ximgproc.Ximgproc
-
Finds ellipses fastly in an image using projective invariant pruning.
- findEllipses(Mat, Mat, float, float) - Static method in class org.opencv.ximgproc.Ximgproc
-
Finds ellipses fastly in an image using projective invariant pruning.
- findEllipses(Mat, Mat, float, float, float) - Static method in class org.opencv.ximgproc.Ximgproc
-
Finds ellipses fastly in an image using projective invariant pruning.
- findEssentialMat(Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
- findEssentialMat(Mat, Mat, double) - Static method in class org.opencv.calib3d.Calib3d
- findEssentialMat(Mat, Mat, double, Point) - Static method in class org.opencv.calib3d.Calib3d
- findEssentialMat(Mat, Mat, double, Point, int) - Static method in class org.opencv.calib3d.Calib3d
- findEssentialMat(Mat, Mat, double, Point, int, double) - Static method in class org.opencv.calib3d.Calib3d
- findEssentialMat(Mat, Mat, double, Point, int, double, double) - Static method in class org.opencv.calib3d.Calib3d
- findEssentialMat(Mat, Mat, double, Point, int, double, double, int) - Static method in class org.opencv.calib3d.Calib3d
- findEssentialMat(Mat, Mat, double, Point, int, double, double, int, Mat) - Static method in class org.opencv.calib3d.Calib3d
- findEssentialMat(Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Calculates an essential matrix from the corresponding points in two images.
- findEssentialMat(Mat, Mat, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
-
Calculates an essential matrix from the corresponding points in two images.
- findEssentialMat(Mat, Mat, Mat, int, double) - Static method in class org.opencv.calib3d.Calib3d
-
Calculates an essential matrix from the corresponding points in two images.
- findEssentialMat(Mat, Mat, Mat, int, double, double) - Static method in class org.opencv.calib3d.Calib3d
-
Calculates an essential matrix from the corresponding points in two images.
- findEssentialMat(Mat, Mat, Mat, int, double, double, int) - Static method in class org.opencv.calib3d.Calib3d
-
Calculates an essential matrix from the corresponding points in two images.
- findEssentialMat(Mat, Mat, Mat, int, double, double, int, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Calculates an essential matrix from the corresponding points in two images.
- findEssentialMat(Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Calculates an essential matrix from the corresponding points in two images from potentially two different cameras.
- findEssentialMat(Mat, Mat, Mat, Mat, Mat, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
-
Calculates an essential matrix from the corresponding points in two images from potentially two different cameras.
- findEssentialMat(Mat, Mat, Mat, Mat, Mat, Mat, int, double) - Static method in class org.opencv.calib3d.Calib3d
-
Calculates an essential matrix from the corresponding points in two images from potentially two different cameras.
- findEssentialMat(Mat, Mat, Mat, Mat, Mat, Mat, int, double, double) - Static method in class org.opencv.calib3d.Calib3d
-
Calculates an essential matrix from the corresponding points in two images from potentially two different cameras.
- findEssentialMat(Mat, Mat, Mat, Mat, Mat, Mat, int, double, double, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Calculates an essential matrix from the corresponding points in two images from potentially two different cameras.
- findEssentialMat(Mat, Mat, Mat, Mat, Mat, Mat, Mat, UsacParams) - Static method in class org.opencv.calib3d.Calib3d
- findFile(String) - Static method in class org.opencv.core.Core
-
Try to find requested data file Search directories: 1.
- findFile(String, boolean) - Static method in class org.opencv.core.Core
-
Try to find requested data file Search directories: 1.
- findFile(String, boolean, boolean) - Static method in class org.opencv.core.Core
-
Try to find requested data file Search directories: 1.
- findFileOrKeep(String) - Static method in class org.opencv.core.Core
- findFileOrKeep(String, boolean) - Static method in class org.opencv.core.Core
- findFundamentalMat(MatOfPoint2f, MatOfPoint2f) - Static method in class org.opencv.calib3d.Calib3d
- findFundamentalMat(MatOfPoint2f, MatOfPoint2f, int) - Static method in class org.opencv.calib3d.Calib3d
- findFundamentalMat(MatOfPoint2f, MatOfPoint2f, int, double) - Static method in class org.opencv.calib3d.Calib3d
- findFundamentalMat(MatOfPoint2f, MatOfPoint2f, int, double, double) - Static method in class org.opencv.calib3d.Calib3d
- findFundamentalMat(MatOfPoint2f, MatOfPoint2f, int, double, double, int) - Static method in class org.opencv.calib3d.Calib3d
-
Calculates a fundamental matrix from the corresponding points in two images.
- findFundamentalMat(MatOfPoint2f, MatOfPoint2f, int, double, double, int, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Calculates a fundamental matrix from the corresponding points in two images.
- findFundamentalMat(MatOfPoint2f, MatOfPoint2f, int, double, double, Mat) - Static method in class org.opencv.calib3d.Calib3d
- findFundamentalMat(MatOfPoint2f, MatOfPoint2f, Mat, UsacParams) - Static method in class org.opencv.calib3d.Calib3d
- findHomography(MatOfPoint2f, MatOfPoint2f) - Static method in class org.opencv.calib3d.Calib3d
-
Finds a perspective transformation between two planes.
- findHomography(MatOfPoint2f, MatOfPoint2f, int) - Static method in class org.opencv.calib3d.Calib3d
-
Finds a perspective transformation between two planes.
- findHomography(MatOfPoint2f, MatOfPoint2f, int, double) - Static method in class org.opencv.calib3d.Calib3d
-
Finds a perspective transformation between two planes.
- findHomography(MatOfPoint2f, MatOfPoint2f, int, double, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Finds a perspective transformation between two planes.
- findHomography(MatOfPoint2f, MatOfPoint2f, int, double, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
-
Finds a perspective transformation between two planes.
- findHomography(MatOfPoint2f, MatOfPoint2f, int, double, Mat, int, double) - Static method in class org.opencv.calib3d.Calib3d
-
Finds a perspective transformation between two planes.
- findHomography(MatOfPoint2f, MatOfPoint2f, Mat, UsacParams) - Static method in class org.opencv.calib3d.Calib3d
- findNearest(Mat, int, Mat) - Method in class org.opencv.ml.KNearest
-
Finds the neighbors and predicts responses for input vectors.
- findNearest(Mat, int, Mat, Mat) - Method in class org.opencv.ml.KNearest
-
Finds the neighbors and predicts responses for input vectors.
- findNearest(Mat, int, Mat, Mat, Mat) - Method in class org.opencv.ml.KNearest
-
Finds the neighbors and predicts responses for input vectors.
- findNearest(Point) - Method in class org.opencv.imgproc.Subdiv2D
-
Finds the subdivision vertex closest to the given point.
- findNearest(Point, Point) - Method in class org.opencv.imgproc.Subdiv2D
-
Finds the subdivision vertex closest to the given point.
- findNonZero(Mat, Mat) - Static method in class org.opencv.core.Core
-
Returns the list of locations of non-zero pixels Given a binary matrix (likely returned from an operation such as threshold(), compare(), >, ==, etc, return all of the non-zero indices as a cv::Mat or std::vector<cv::Point> (x,y) For example:
cv::Mat binaryImage; // input, binary image cv::Mat locations; // output, locations of non-zero pixels cv::findNonZero(binaryImage, locations); // access pixel coordinates Point pnt = locations.at<Point>(i);
orcv::Mat binaryImage; // input, binary image vector<Point> locations; // output, locations of non-zero pixels cv::findNonZero(binaryImage, locations); // access pixel coordinates Point pnt = locations[i];
The function do not work with multi-channel arrays. - findProCamMatches(Mat, Mat, List<Mat>) - Method in class org.opencv.structured_light.SinusoidalPattern
-
Find correspondences between the two devices thanks to unwrapped phase maps.
- findTransformECC(Mat, Mat, Mat) - Static method in class org.opencv.video.Video
- findTransformECC(Mat, Mat, Mat, int) - Static method in class org.opencv.video.Video
- findTransformECC(Mat, Mat, Mat, int, TermCriteria) - Static method in class org.opencv.video.Video
- findTransformECC(Mat, Mat, Mat, int, TermCriteria, Mat) - Static method in class org.opencv.video.Video
- findTransformECC(Mat, Mat, Mat, int, TermCriteria, Mat, int) - Static method in class org.opencv.video.Video
-
Finds the geometric transform (warp) between two images in terms of the ECC criterion CITE: EP08 .
- FisherFaceRecognizer - Class in org.opencv.face
- FisherFaceRecognizer(long) - Constructor for class org.opencv.face.FisherFaceRecognizer
- fisheye_CALIB_CHECK_COND - Static variable in class org.opencv.calib3d.Calib3d
- fisheye_CALIB_FIX_FOCAL_LENGTH - Static variable in class org.opencv.calib3d.Calib3d
- fisheye_CALIB_FIX_INTRINSIC - Static variable in class org.opencv.calib3d.Calib3d
- fisheye_CALIB_FIX_K1 - Static variable in class org.opencv.calib3d.Calib3d
- fisheye_CALIB_FIX_K2 - Static variable in class org.opencv.calib3d.Calib3d