- 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, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Adds an image to the accumulator image.
- accumulate(Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Adds an image 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.
- 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.
- accumulateSquare(Mat, Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Adds the square of a source image 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.
- accumulateWeighted(Mat, Mat, double, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Updates a running average.
- accumulateWeighted(Mat, Mat, double) - Static method in class org.opencv.imgproc.Imgproc
-
Updates a running average.
- ADAPTIVE_THRESH_GAUSSIAN_C - Static variable in class org.opencv.imgproc.Imgproc
-
- ADAPTIVE_THRESH_MEAN_C - Static variable in class org.opencv.imgproc.Imgproc
-
- adaptiveThreshold(Mat, Mat, double, int, int, int, double) - Static method in class org.opencv.imgproc.Imgproc
-
Applies an adaptive threshold to an array.
- 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, 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) - 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, Mat, int) - 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) - Static method in class org.opencv.core.Core
-
- add(Mat) - Method in class org.opencv.features2d.BOWTrainer
-
Adds descriptors to a training set.
- add(List<Mat>) - Method in class org.opencv.features2d.DescriptorMatcher
-
Adds descriptors to train a CPU(trainDescCollectionis) or GPU(utrainDescCollectionis) descriptor
collection.
- 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
).
- addWeighted(Mat, double, Mat, double, double, Mat, int) - Static method in class org.opencv.core.Core
-
Calculates the weighted sum of two arrays.
- addWeighted(Mat, double, Mat, double, double, Mat) - 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 .
- 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.
- AKAZE - Class in org.opencv.features2d
-
Class implementing the AKAZE keypoint detector and descriptor extractor, described in CITE: ANB13.
- 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.
- alignCrop(Mat, Mat, Mat) - Method in class org.opencv.objdetect.FaceRecognizerSF
-
Aligning image to put face on the standard position
- AlignExposures - Class in org.opencv.photo
-
The base class for algorithms that align images of the same scene with different exposures
- 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.
- 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
-
- 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
-
- ANN_MLP - Class in org.opencv.ml
-
Artificial Neural Networks - Multi-Layer Perceptrons.
- ANNEAL - Static variable in class org.opencv.ml.ANN_MLP
-
- 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, double) - Method in class org.opencv.video.BackgroundSubtractor
-
Computes a foreground mask.
- apply(Mat, Mat) - 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.
- apply(Mat, Mat) - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Computes a foreground mask.
- 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.
- applyImage(Mat) - Method in class org.opencv.imgproc.IntelligentScissorsMB
-
Specify input image and extract image features
- applyImageFeatures(Mat, 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) - 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.
- 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
-
- 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.
- 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) - 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) - Static method in class org.opencv.imgproc.Imgproc
-
Draws an arrow segment pointing from the first point to the second one.
- ArucoDetector - Class in org.opencv.objdetect
-
The main functionality of ArucoDetector class is detection of markers in an image with detectMarkers() method.
- ArucoDetector(Dictionary, DetectorParameters, RefineParameters) - 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) - Constructor for class org.opencv.objdetect.ArucoDetector
-
Basic ArucoDetector constructor
- ArucoDetector() - Constructor for class org.opencv.objdetect.ArucoDetector
-
Basic ArucoDetector constructor
- ASGD - Static variable in class org.opencv.ml.SVMSGD
-
- assignTo(Mat, int) - Method in class org.opencv.core.Mat
-
- assignTo(Mat) - Method in class org.opencv.core.Mat
-
- at(Class<T>, int, int) - Method in class org.opencv.core.Mat
-
- at(Class<T>, int[]) - Method in class org.opencv.core.Mat
-
- BackgroundSubtractor - Class in org.opencv.video
-
Base class for background/foreground segmentation.
- BackgroundSubtractorKNN - Class in org.opencv.video
-
K-nearest neighbours - based Background/Foreground Segmentation Algorithm.
- BackgroundSubtractorMOG2 - Class in org.opencv.video
-
Gaussian Mixture-based Background/Foreground Segmentation Algorithm.
- 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
-
- BarcodeDetector - Class in org.opencv.objdetect
-
- BarcodeDetector() - Constructor for class org.opencv.objdetect.BarcodeDetector
-
Initialize the BarcodeDetector.
- BarcodeDetector(String, String) - Constructor for class org.opencv.objdetect.BarcodeDetector
-
Initialize the BarcodeDetector.
- BaseCascadeClassifier - Class in org.opencv.objdetect
-
- BATCH - Static variable in class org.opencv.ml.LogisticRegression
-
- 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
- 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) - 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) - 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) - Static method in class org.opencv.core.Core
-
naive nearest neighbor finder
see http://en.wikipedia.org/wiki/Nearest_neighbor_search
TODO: document
- BFMatcher - Class in org.opencv.features2d
-
Brute-force descriptor matcher.
- BFMatcher(int, boolean) - 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() - Constructor for class org.opencv.features2d.BFMatcher
-
Brute-force matcher constructor (obsolete).
- bilateralFilter(Mat, Mat, int, double, double, int) - Static method in class org.opencv.imgproc.Imgproc
-
Applies the bilateral filter to an image.
- bilateralFilter(Mat, Mat, int, double, double) - Static method in class org.opencv.imgproc.Imgproc
-
Applies the bilateral filter to an image.
- bitmapToMat(Bitmap, Mat, boolean) - Static method in class org.opencv.android.Utils
-
Converts Android Bitmap to OpenCV Mat.
- bitmapToMat(Bitmap, Mat) - Static method in class org.opencv.android.Utils
-
Short form of the bitmapToMat(bmp, mat, unPremultiplyAlpha=false).
- 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_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_not(Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Inverts every bit of an array.
- bitwise_not(Mat, Mat) - Static method in class org.opencv.core.Core
-
Inverts every bit of an array.
- 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_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_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.
- 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.
- blendLinear(Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
variant without mask
parameter
- blobFromImage(Mat, double, Size, Scalar, boolean, boolean, int) - 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) - 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) - 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) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from image.
- 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.
- 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) - 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) - 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>) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from series of images.
- blobFromImagesWithParams(List<Mat>, Image2BlobParams) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from series of images with given params.
- 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, Image2BlobParams) - Static method in class org.opencv.dnn.Dnn
-
- blobFromImagesWithParams(List<Mat>, Mat) - 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.
- blobFromImageWithParams(Mat) - Static method in class org.opencv.dnn.Dnn
-
Creates 4-dimensional blob from image with given params.
- blobFromImageWithParams(Mat, Mat, Image2BlobParams) - Static method in class org.opencv.dnn.Dnn
-
- blobFromImageWithParams(Mat, Mat) - Static method in class org.opencv.dnn.Dnn
-
- 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.
- blur(Mat, Mat, Size, Point, int) - 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) - Static method in class org.opencv.imgproc.Imgproc
-
Blurs an image using the normalized box filter.
- 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(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
- 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_REFLECT101 - Static variable in class org.opencv.core.Core
-
- BORDER_REFLECT_101 - 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(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, TermCriteria, int, int) - 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) - Constructor for class org.opencv.features2d.BOWKMeansTrainer
-
The constructor.
- BOWKMeansTrainer(int) - Constructor for class org.opencv.features2d.BOWKMeansTrainer
-
The constructor.
- BOWTrainer - Class in org.opencv.features2d
-
Abstract base class for training the *bag of visual words* vocabulary from a set of descriptors.
- boxFilter(Mat, Mat, int, Size, Point, boolean, int) - 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) - Static method in class org.opencv.imgproc.Imgproc
-
Blurs an image using the box filter.
- boxFilter(Mat, Mat, int, Size) - 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
-
- BRISK - Class in org.opencv.features2d
-
Class implementing the BRISK keypoint detector and descriptor extractor, described in CITE: LCS11 .
- 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, boolean, int, 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, 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) - 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) - Static method in class org.opencv.video.Video
-
Constructs the image pyramid which can be passed to calcOpticalFlowPyrLK.
- 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, Mat) - Method in class org.opencv.video.SparseOpticalFlow
-
Calculates a sparse optical flow.
- calc(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, int) - Static method in class org.opencv.core.Core
-
Note: use #COVAR_ROWS or #COVAR_COLS flag
- calcCovarMatrix(Mat, Mat, Mat, 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, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
this variant supports only uniform histograms.
- calcHist(List<Mat>, MatOfInt, Mat, Mat, MatOfInt, MatOfFloat) - 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, 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.
- 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) - 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) - 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) - 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)
- Calib3d - Class in org.opencv.calib3d
-
- Calib3d() - Constructor for class org.opencv.calib3d.Calib3d
-
- 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
-
- calibrateCamera(List<Mat>, List<Mat>, Size, Mat, Mat, List<Mat>, List<Mat>, int, TermCriteria) - 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>) - Static method in class org.opencv.calib3d.Calib3d
-
- 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.
- 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) - 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, int, TermCriteria) - 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) - 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, int, TermCriteria) - 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) - 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.
- CalibrateDebevec - Class in org.opencv.photo
-
Inverse camera response function is extracted for each brightness value by minimizing an objective
function as linear system.
- 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\)
- 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\)
- CalibrateRobertson - Class in org.opencv.photo
-
Inverse camera response function is extracted for each brightness value by minimizing an objective
function as linear system.
- 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\)
- 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\)
- 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.
- Camera2Renderer - Class in org.opencv.android
-
- CAMERA_ID_ANY - Static variable in class org.opencv.android.CameraBridgeViewBase
-
- CAMERA_ID_BACK - Static variable in class org.opencv.android.CameraBridgeViewBase
-
- CAMERA_ID_FRONT - Static variable in class org.opencv.android.CameraBridgeViewBase
-
- CameraActivity - Class in org.opencv.android
-
- CameraActivity() - Constructor for class org.opencv.android.CameraActivity
-
- CameraBridgeViewBase - Class in org.opencv.android
-
This is a basic class, implementing the interaction with Camera and OpenCV library.
- CameraBridgeViewBase(Context, int) - Constructor for class org.opencv.android.CameraBridgeViewBase
-
- CameraBridgeViewBase(Context, AttributeSet) - Constructor for class org.opencv.android.CameraBridgeViewBase
-
- CameraBridgeViewBase.CvCameraViewFrame - Interface in org.opencv.android
-
This class interface is abstract representation of single frame from camera for onCameraFrame callback
Attention: Do not use objects, that represents this interface out of onCameraFrame callback!
- CameraBridgeViewBase.CvCameraViewListener - Interface in org.opencv.android
-
- CameraBridgeViewBase.CvCameraViewListener2 - Interface in org.opencv.android
-
- CameraBridgeViewBase.ListItemAccessor - Interface in org.opencv.android
-
- CameraBridgeViewBase.RotatedCameraFrame - Class in org.opencv.android
-
- CameraGLRendererBase - Class in org.opencv.android
-
- CameraGLRendererBase(CameraGLSurfaceView) - Constructor for class org.opencv.android.CameraGLRendererBase
-
- CameraGLSurfaceView - Class in org.opencv.android
-
- CameraGLSurfaceView(Context, AttributeSet) - Constructor for class org.opencv.android.CameraGLSurfaceView
-
- CameraGLSurfaceView.CameraTextureListener - Interface in org.opencv.android
-
- CameraRenderer - Class in org.opencv.android
-
- CamShift(Mat, Rect, TermCriteria) - Static method in class org.opencv.video.Video
-
Finds an object center, size, and orientation.
- 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, 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) - 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, boolean) - 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) - 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_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_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_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_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_OPENNI2_MIRROR - Static variable in class org.opencv.videoio.Videoio
-
- CAP_PROP_OPENNI2_SYNC - 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_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_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, boolean) - Static method in class org.opencv.core.Core
-
Calculates the magnitude and angle of 2D vectors.
- cartToPolar(Mat, Mat, Mat, Mat) - 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(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(int) - Static method in class org.opencv.core.CvType
-
- channels() - Method in class org.opencv.core.Mat
-
- 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(Size, float, float, Dictionary, Mat) - Constructor for class org.opencv.objdetect.CharucoBoard
-
CharucoBoard constructor
- CharucoBoard(Size, float, float, Dictionary) - Constructor for class org.opencv.objdetect.CharucoBoard
-
CharucoBoard constructor
- CharucoDetector - Class in org.opencv.objdetect
-
- CharucoDetector(CharucoBoard, CharucoParameters, DetectorParameters, RefineParameters) - 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) - Constructor for class org.opencv.objdetect.CharucoDetector
-
Basic CharucoDetector constructor
- CharucoDetector(CharucoBoard) - Constructor for class org.opencv.objdetect.CharucoDetector
-
Basic CharucoDetector constructor
- CharucoParameters - Class in org.opencv.objdetect
-
- CharucoParameters() - 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, boolean, double, double) - 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) - Static method in class org.opencv.core.Core
-
Checks every element of an input array for invalid values.
- checkRange(Mat) - Static method in class org.opencv.core.Core
-
Checks every element of an input array for invalid values.
- checkVector(int, int, boolean) - Method in class org.opencv.core.Mat
-
- checkVector(int, int) - Method in class org.opencv.core.Mat
-
- checkVector(int) - Method in class org.opencv.core.Mat
-
- CHI2 - Static variable in class org.opencv.ml.SVM
-
- circle(Mat, Point, int, Scalar, int, int, 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) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a circle.
- circle(Mat, Point, int, Scalar) - 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.
- 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(String, String) - Constructor for class org.opencv.dnn.ClassificationModel
-
Create classification model from network represented in one of the supported formats.
- ClassificationModel(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.
- 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(boolean) - Method in class org.opencv.features2d.DescriptorMatcher
-
Clones the matcher.
- clone() - Method in class org.opencv.features2d.DescriptorMatcher
-
Clones the matcher.
- cluster() - Method in class org.opencv.features2d.BOWKMeansTrainer
-
- cluster(Mat) - Method in class org.opencv.features2d.BOWKMeansTrainer
-
- cluster() - Method in class org.opencv.features2d.BOWTrainer
-
- 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
-
- 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.
- 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, 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.
- 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) - 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) - 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
-
- 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, 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, 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) - Method in class org.opencv.imgproc.LineSegmentDetector
-
Draws two groups of lines in blue and red, counting the non overlapping (mismatching) pixels.
- 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.
- 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.
- 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.
- 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) - 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) - 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) - 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) - 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(Mat, Mat, Mat) - Method in class org.opencv.calib3d.StereoMatcher
-
Computes disparity map for the specified stereo pair
- 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(List<Mat>, List<MatOfKeyPoint>, List<Mat>) - Method in class org.opencv.features2d.Feature2D
-
- compute(Mat, MatOfFloat, Size, Size, MatOfPoint) - 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) - Method in class org.opencv.objdetect.HOGDescriptor
-
Computes HOG descriptors of given image.
- compute(Mat, MatOfFloat) - Method in class org.opencv.objdetect.HOGDescriptor
-
Computes HOG descriptors of given image.
- 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.
- computeECC(Mat, Mat, Mat) - Static method in class org.opencv.video.Video
-
Computes the Enhanced Correlation Coefficient value between two images CITE: EP08 .
- computeECC(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, Size, Size) - 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) - Method in class org.opencv.objdetect.HOGDescriptor
-
Computes gradients and quantized gradient orientations.
- 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, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
- connectedComponents(Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
- connectedComponents(Mat, Mat) - 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, int, int) - 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) - 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, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates a contour area.
- contourArea(Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates a contour area.
- 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
-
- 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
-
- convertMaps(Mat, Mat, Mat, Mat, int, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
Converts image transformation maps from one representation to another.
- convertMaps(Mat, Mat, Mat, Mat, int) - 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, double, double) - 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) - Static method in class org.opencv.core.Core
-
Scales, calculates absolute values, and converts the result to 8-bit.
- convertTo(Mat, int, double, double) - Method in class org.opencv.core.Mat
-
- convertTo(Mat, int, double) - Method in class org.opencv.core.Mat
-
- convertTo(Mat, int) - Method in class org.opencv.core.Mat
-
- convexHull(MatOfPoint, MatOfInt, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
Finds the convex hull of a point set.
- convexHull(MatOfPoint, MatOfInt) - 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, Scalar) - Static method in class org.opencv.core.Core
-
Forms a border around an image.
- copyMakeBorder(Mat, Mat, int, int, int, int, int) - 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, 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.
- copyTo(Mat) - Method in class org.opencv.core.Mat
-
- copyTo(Mat, Mat) - Method in class org.opencv.core.Mat
-
- 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, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates eigenvalues and eigenvectors of image blocks for corner detection.
- cornerEigenValsAndVecs(Mat, Mat, 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, int) - Static method in class org.opencv.imgproc.Imgproc
-
Harris corner detector.
- cornerHarris(Mat, Mat, int, int, double) - Static method in class org.opencv.imgproc.Imgproc
-
Harris corner detector.
- cornerMinEigenVal(Mat, Mat, int, 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) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the minimal eigenvalue of gradient matrices for corner detection.
- cornerMinEigenVal(Mat, Mat, 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
-
- create(int, int) - Static method in class org.opencv.calib3d.StereoBM
-
Creates StereoBM object
- create(int) - Static method in class org.opencv.calib3d.StereoBM
-
Creates StereoBM object
- create() - Static method in class org.opencv.calib3d.StereoBM
-
Creates StereoBM object
disparity from 0 (default minimum disparity) to numDisparities.
- 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, 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) - 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) - Static method in class org.opencv.calib3d.StereoSGBM
-
Creates StereoSGBM object
- create(int, 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.calib3d.StereoSGBM
-
Creates StereoSGBM object
- create(int, int, int) - Static method in class org.opencv.calib3d.StereoSGBM
-
Creates StereoSGBM object
- create(int, int) - Static method in class org.opencv.calib3d.StereoSGBM
-
Creates StereoSGBM object
- create(int) - Static method in class org.opencv.calib3d.StereoSGBM
-
Creates StereoSGBM object
- 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(int, int, int) - Method in class org.opencv.core.Mat
-
- create(Size, int) - Method in class org.opencv.core.Mat
-
- create(int[], int) - Method in class org.opencv.core.Mat
-
- create(Feature2D, int, int, float, float) - 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) - Static method in class org.opencv.features2d.AffineFeature
-
- create(Feature2D, int) - Static method in class org.opencv.features2d.AffineFeature
-
- create(Feature2D) - Static method in class org.opencv.features2d.AffineFeature
-
- create(int, boolean, int) - Static method in class org.opencv.features2d.AgastFeatureDetector
-
- create(int, boolean) - Static method in class org.opencv.features2d.AgastFeatureDetector
-
- create(int) - Static method in class org.opencv.features2d.AgastFeatureDetector
-
- create() - Static method in class org.opencv.features2d.AgastFeatureDetector
-
- create(int, int, int, float, int, int, 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) - 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) - Static method in class org.opencv.features2d.AKAZE
-
The AKAZE constructor
- create(int, int, int) - Static method in class org.opencv.features2d.AKAZE
-
The AKAZE constructor
- create(int, int) - Static method in class org.opencv.features2d.AKAZE
-
The AKAZE constructor
- create(int) - Static method in class org.opencv.features2d.AKAZE
-
The AKAZE constructor
- create() - Static method in class org.opencv.features2d.AKAZE
-
The AKAZE constructor
DESCRIPTOR_KAZE_UPRIGHT, DESCRIPTOR_MLDB or DESCRIPTOR_MLDB_UPRIGHT.
- create(int, boolean) - Static method in class org.opencv.features2d.BFMatcher
-
Brute-force matcher create method.
- create(int) - Static method in class org.opencv.features2d.BFMatcher
-
Brute-force matcher create method.
- create() - Static method in class org.opencv.features2d.BFMatcher
-
Brute-force matcher create method.
- create(int, int, float) - Static method in class org.opencv.features2d.BRISK
-
The BRISK constructor
- create(int, int) - Static method in class org.opencv.features2d.BRISK
-
The BRISK constructor
- create(int) - Static method in class org.opencv.features2d.BRISK
-
The BRISK constructor
- create() - Static method in class org.opencv.features2d.BRISK
-
The BRISK constructor
keypoint.
- create(MatOfFloat, MatOfInt, float, float, MatOfInt) - 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) - Static method in class org.opencv.features2d.BRISK
-
The BRISK constructor for a custom pattern
- create(MatOfFloat, MatOfInt) - Static method in class org.opencv.features2d.BRISK
-
The BRISK constructor for a custom pattern
- 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(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) - Static method in class org.opencv.features2d.BRISK
-
The BRISK constructor for a custom pattern, detection threshold and octaves
- 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(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(int) - Static method in class org.opencv.features2d.DescriptorMatcher
-
- create(int, boolean, int) - Static method in class org.opencv.features2d.FastFeatureDetector
-
- create(int, boolean) - Static method in class org.opencv.features2d.FastFeatureDetector
-
- create(int) - Static method in class org.opencv.features2d.FastFeatureDetector
-
- create() - Static method in class org.opencv.features2d.FastFeatureDetector
-
- create() - Static method in class org.opencv.features2d.FlannBasedMatcher
-
- create(int, double, double, int, boolean, double) - 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) - Static method in class org.opencv.features2d.GFTTDetector
-
- create(int, double, double) - Static method in class org.opencv.features2d.GFTTDetector
-
- create(int, double) - Static method in class org.opencv.features2d.GFTTDetector
-
- create(int) - Static method in class org.opencv.features2d.GFTTDetector
-
- create() - 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, double, double, int, int, boolean) - Static method in class org.opencv.features2d.GFTTDetector
-
- create(int, double, double, int, int) - Static method in class org.opencv.features2d.GFTTDetector
-
- create(boolean, boolean, float, int, int, int) - Static method in class org.opencv.features2d.KAZE
-
The KAZE constructor
- create(boolean, boolean, float, int, int) - Static method in class org.opencv.features2d.KAZE
-
The KAZE constructor
- create(boolean, boolean, float, int) - Static method in class org.opencv.features2d.KAZE
-
The KAZE constructor
- create(boolean, boolean, float) - Static method in class org.opencv.features2d.KAZE
-
The KAZE constructor
- create(boolean, boolean) - Static method in class org.opencv.features2d.KAZE
-
The KAZE constructor
- create(boolean) - Static method in class org.opencv.features2d.KAZE
-
The KAZE constructor
- create() - Static method in class org.opencv.features2d.KAZE
-
The KAZE constructor
DIFF_CHARBONNIER
- 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, 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) - 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) - Static method in class org.opencv.features2d.MSER
-
Full constructor for %MSER detector
- create(int, int, int, double) - Static method in class org.opencv.features2d.MSER
-
Full constructor for %MSER detector
- create(int, 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.MSER
-
Full constructor for %MSER detector
- create(int) - Static method in class org.opencv.features2d.MSER
-
Full constructor for %MSER detector
- create() - Static method in class org.opencv.features2d.MSER
-
Full constructor for %MSER detector
- create(int, float, int, 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) - 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) - 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) - Static method in class org.opencv.features2d.ORB
-
The ORB constructor
- create(int, float, int) - Static method in class org.opencv.features2d.ORB
-
The ORB constructor
- create(int, float) - Static method in class org.opencv.features2d.ORB
-
The ORB constructor
- create(int) - Static method in class org.opencv.features2d.ORB
-
The ORB constructor
- 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(int, int, double, double, double, boolean) - 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) - Static method in class org.opencv.features2d.SIFT
-
- create(int, int, double) - Static method in class org.opencv.features2d.SIFT
-
- create(int, int) - Static method in class org.opencv.features2d.SIFT
-
- create(int) - Static method in class org.opencv.features2d.SIFT
-
- 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(int, int, double, double, double, int, boolean) - Static method in class org.opencv.features2d.SIFT
-
Create SIFT with specified descriptorType.
- create(int, int, double, double, double, int) - Static method in class org.opencv.features2d.SIFT
-
Create SIFT with specified descriptorType.
- create(SimpleBlobDetector_Params) - Static method in class org.opencv.features2d.SimpleBlobDetector
-
- create() - Static method in class org.opencv.features2d.SimpleBlobDetector
-
- 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(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, 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.ml.ParamGrid
-
Creates a ParamGrid Ptr that can be given to the %SVM::trainAuto method
- 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(Mat, int, Mat, 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) - 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) - Static method in class org.opencv.ml.TrainData
-
Creates training data from in-memory arrays.
- create(Mat, int, Mat) - Static method in class org.opencv.ml.TrainData
-
Creates training data from in-memory arrays.
- 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, 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) - 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) - Static method in class org.opencv.objdetect.FaceDetectorYN
-
Creates an instance of face detector class with given parameters
- create(String, String, Size) - Static method in class org.opencv.objdetect.FaceDetectorYN
-
Creates an instance of face detector class with given parameters
- create(String, MatOfByte, MatOfByte, Size, float, float, int, int, 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) - 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) - Static method in class org.opencv.objdetect.FaceDetectorYN
-
- create(String, MatOfByte, MatOfByte, Size) - Static method in class org.opencv.objdetect.FaceDetectorYN
-
- 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, int) - 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.objdetect.FaceRecognizerSF
-
Creates an instance of this class with given parameters
- create(QRCodeEncoder_Params) - Static method in class org.opencv.objdetect.QRCodeEncoder
-
Constructor
- create() - Static method in class org.opencv.objdetect.QRCodeEncoder
-
Constructor
- create(int) - Static method in class org.opencv.video.DISOpticalFlow
-
Creates an instance of DISOpticalFlow
- create() - Static method in class org.opencv.video.DISOpticalFlow
-
Creates an instance of DISOpticalFlow
- create(int, double, boolean, int, int, int, double, 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) - 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) - Static method in class org.opencv.video.FarnebackOpticalFlow
-
- create(int, double, boolean) - Static method in class org.opencv.video.FarnebackOpticalFlow
-
- create(int, double) - Static method in class org.opencv.video.FarnebackOpticalFlow
-
- create(int) - Static method in class org.opencv.video.FarnebackOpticalFlow
-
- create() - Static method in class org.opencv.video.FarnebackOpticalFlow
-
- create(Size, int, TermCriteria, int, double) - 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) - Static method in class org.opencv.video.SparsePyrLKOpticalFlow
-
- create(Size, int) - Static method in class org.opencv.video.SparsePyrLKOpticalFlow
-
- create(Size) - Static method in class org.opencv.video.SparsePyrLKOpticalFlow
-
- create() - Static method in class org.opencv.video.SparsePyrLKOpticalFlow
-
- create(TrackerDaSiamRPN_Params) - Static method in class org.opencv.video.TrackerDaSiamRPN
-
Constructor
- create() - Static method in class org.opencv.video.TrackerDaSiamRPN
-
Constructor
- create(TrackerGOTURN_Params) - Static method in class org.opencv.video.TrackerGOTURN
-
Constructor
- create() - 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() - 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() - Static method in class org.opencv.video.TrackerNano
-
Constructor
- create(TrackerVit_Params) - Static method in class org.opencv.video.TrackerVit
-
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
- createAlignMTB(int, int, boolean) - 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) - Static method in class org.opencv.photo.Photo
-
Creates AlignMTB object
- createAlignMTB() - Static method in class org.opencv.photo.Photo
-
Creates AlignMTB object
usually good enough (31 and 63 pixels shift respectively).
- createBackgroundSubtractorKNN(int, double, boolean) - 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) - Static method in class org.opencv.video.Video
-
Creates KNN Background Subtractor
- createBackgroundSubtractorKNN() - Static method in class org.opencv.video.Video
-
Creates KNN Background Subtractor
whether a pixel is close to that sample.
- createBackgroundSubtractorMOG2(int, double, boolean) - 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) - Static method in class org.opencv.video.Video
-
Creates MOG2 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.
- createCalibrateDebevec(int, float, boolean) - 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) - Static method in class org.opencv.photo.Photo
-
Creates CalibrateDebevec object
- createCalibrateDebevec() - Static method in class org.opencv.photo.Photo
-
Creates CalibrateDebevec object
response.
- createCalibrateRobertson(int, float) - 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() - Static method in class org.opencv.photo.Photo
-
Creates CalibrateRobertson object
- createCLAHE(double, Size) - 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() - Static method in class org.opencv.imgproc.Imgproc
-
Creates a smart pointer to a cv::CLAHE class 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.
- createHanningWindow(Mat, Size, int) - Static method in class org.opencv.imgproc.Imgproc
-
This function computes a Hanning window coefficients in two dimensions.
- 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.
- 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) - 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) - 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) - 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() - 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(float, float, 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) - Static method in class org.opencv.photo.Photo
-
Creates MergeMertens object
- createMergeMertens() - Static method in class org.opencv.photo.Photo
-
Creates MergeMertens object
- createMergeRobertson() - Static method in class org.opencv.photo.Photo
-
Creates MergeRobertson object
- createTonemap(float) - Static method in class org.opencv.photo.Photo
-
Creates simple linear mapper with gamma correction
- 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.
- createTonemapDrago(float, float, 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) - Static method in class org.opencv.photo.Photo
-
Creates TonemapDrago object
- createTonemapDrago() - Static method in class org.opencv.photo.Photo
-
Creates TonemapDrago object
than 1 increase saturation and values less than 1 decrease it.
- createTonemapMantiuk(float, float, 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) - Static method in class org.opencv.photo.Photo
-
Creates TonemapMantiuk object
- createTonemapMantiuk() - Static method in class org.opencv.photo.Photo
-
Creates TonemapMantiuk object
dynamic range.
- createTonemapReinhard(float, float, 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) - Static method in class org.opencv.photo.Photo
-
Creates TonemapReinhard object
- createTonemapReinhard(float) - Static method in class org.opencv.photo.Photo
-
Creates TonemapReinhard 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.
- 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
-
- 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_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
-
- 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, int) - Static method in class org.opencv.imgproc.Imgproc
-
Converts an image from one color space to another.
- cvtColor(Mat, Mat, 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.
- CvType - Class in org.opencv.core
-
- CvType() - Constructor for class org.opencv.core.CvType
-
- dataAddr() - Method in class org.opencv.core.Mat
-
- 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(Mat, Mat) - 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
-
- 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(Mat, Mat) - Method in class org.opencv.objdetect.GraphicalCodeDetector
-
Decodes graphical code 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.
- 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.
- 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.
- 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.
- 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, 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) - 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) - 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
-
- DEGREE - Static variable in class org.opencv.ml.SVM
-
- demosaicing(Mat, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
main function for all demosaicing processes
- demosaicing(Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
main function for all demosaicing processes
- 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).
- 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) - 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
- depth(int) - Static method in class org.opencv.core.CvType
-
- depth() - Method in class org.opencv.core.Mat
-
- 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.
- 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
-
- descriptorType() - Method in class org.opencv.features2d.BOWImgDescriptorExtractor
-
Returns an image descriptor type.
- descriptorType() - Method in class org.opencv.features2d.Feature2D
-
- detailEnhance(Mat, Mat, float, float) - 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) - Static method in class org.opencv.photo.Photo
-
This filter enhances the details of a particular image.
- 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, 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) - Method in class org.opencv.dnn.DetectionModel
-
Given the input
frame, create input blob, run net and return result detections.
- 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, List<MatOfPoint>) - Method in class org.opencv.dnn.TextDetectionModel
-
- 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, MatOfKeyPoint) - Method in class org.opencv.features2d.Feature2D
-
Detects keypoints in an image (first variant) or image set (second variant).
- detect(List<Mat>, List<MatOfKeyPoint>, List<Mat>) - Method in class org.opencv.features2d.Feature2D
-
- detect(List<Mat>, List<MatOfKeyPoint>) - Method in class org.opencv.features2d.Feature2D
-
- detect(Mat, Mat, Mat) - Method in class org.opencv.imgproc.GeneralizedHough
-
- detect(Mat, Mat) - Method in class org.opencv.imgproc.GeneralizedHough
-
- detect(Mat, Mat, Mat, Mat, Mat) - Method in class org.opencv.imgproc.GeneralizedHough
-
- detect(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.
- detect(Mat, Mat, Mat, Mat) - Method in class org.opencv.imgproc.LineSegmentDetector
-
Finds lines in the input image.
- detect(Mat, Mat, Mat) - Method in class org.opencv.imgproc.LineSegmentDetector
-
Finds lines in the input image.
- 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, MatOfPoint, MatOfDouble, double, Size, Size, MatOfPoint) - 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) - 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) - Method in class org.opencv.objdetect.HOGDescriptor
-
Performs object detection without a multi-scale window.
- detectAndCompute(Mat, Mat, MatOfKeyPoint, Mat, boolean) - Method in class org.opencv.features2d.Feature2D
-
Detects keypoints and computes the descriptors
- detectAndCompute(Mat, Mat, MatOfKeyPoint, Mat) - Method in class org.opencv.features2d.Feature2D
-
Detects keypoints and computes the descriptors
- detectAndDecode(Mat, Mat, Mat) - Method in class org.opencv.objdetect.GraphicalCodeDetector
-
Both detects and decodes graphical code
- detectAndDecode(Mat, Mat) - Method in class org.opencv.objdetect.GraphicalCodeDetector
-
Both detects and decodes graphical code
- detectAndDecode(Mat) - Method in class org.opencv.objdetect.GraphicalCodeDetector
-
Both detects and decodes graphical code
- detectAndDecodeCurved(Mat, Mat, 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) - Method in class org.opencv.objdetect.QRCodeDetector
-
Both detects and decodes QR code on a curved surface
- detectAndDecodeMulti(Mat, List<String>, Mat, List<Mat>) - 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>) - Method in class org.opencv.objdetect.GraphicalCodeDetector
-
Both detects and decodes graphical codes
- detectAndDecodeWithType(Mat, List<String>, List<String>, Mat) - Method in class org.opencv.objdetect.BarcodeDetector
-
Both detects and decodes barcode
- detectAndDecodeWithType(Mat, List<String>, List<String>) - Method in class org.opencv.objdetect.BarcodeDetector
-
Both detects and decodes barcode
- detectBoard(Mat, Mat, Mat, List<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) - Method in class org.opencv.objdetect.CharucoDetector
-
detect aruco markers and interpolate position of ChArUco board corners
- detectDiamonds(Mat, List<Mat>, 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) - Method in class org.opencv.objdetect.CharucoDetector
-
Detect ChArUco Diamond markers
- 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(String, String) - Constructor for class org.opencv.dnn.DetectionModel
-
Create detection model from network represented in one of the supported formats.
- DetectionModel(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.
- detectMarkers(Mat, List<Mat>, Mat, List<Mat>) - Method in class org.opencv.objdetect.ArucoDetector
-
Basic marker detection
- detectMarkers(Mat, List<Mat>, Mat) - Method in class org.opencv.objdetect.ArucoDetector
-
Basic marker detection
- 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, double, int, int, Size, Size) - 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) - 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) - Method in class org.opencv.objdetect.CascadeClassifier
-
Detects objects of different sizes in the input image.
- detectMultiScale(Mat, MatOfRect) - Method in class org.opencv.objdetect.CascadeClassifier
-
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.
- 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) - 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) - 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) - Method in class org.opencv.objdetect.HOGDescriptor
-
Detects objects of different sizes in the input image.
- detectMultiScale2(Mat, MatOfRect, MatOfInt, double, int, int, Size, Size) - 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) - 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) - Method in class org.opencv.objdetect.CascadeClassifier
-
- detectMultiScale2(Mat, MatOfRect, MatOfInt) - Method in class org.opencv.objdetect.CascadeClassifier
-
- 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.
- 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) - 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) - 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) - 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
-
- detectRegions(Mat, List<MatOfPoint>, MatOfRect) - Method in class org.opencv.features2d.MSER
-
Detect %MSER regions
- 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.
- detectTextRectangles(Mat, MatOfRotatedRect) - Method in class org.opencv.dnn.TextDetectionModel
-
- determinant(Mat) - Static method in class org.opencv.core.Core
-
Returns the determinant of a square floating-point matrix.
- 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(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) - 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(int) - Method in class org.opencv.core.Mat
-
- diag() - 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 using nbytes = ceil(markerSize*markerSize/8.)
bytes
- each row contains all 4 rotations of the marker, so its length is 4*nbytes
- the byte order in the bytesList[i] row:
//bytes without rotation/bytes with rotation 1/bytes with rotation 2/bytes with rotation 3//
So bytesList.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(Mat, int, int) - Constructor for class org.opencv.objdetect.Dictionary
-
Basic ArUco dictionary constructor
- Dictionary(Mat, 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(int) - Constructor for class org.opencv.dnn.DictValue
-
- DictValue(double) - 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, Point, int, int, Scalar) - 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) - 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) - 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
-
- disableFpsMeter() - Method in class org.opencv.android.CameraBridgeViewBase
-
- disableView() - Method in class org.opencv.android.CameraBridgeViewBase
-
This method is provided for clients, so they can disable camera connection and stop
the delivery of frames even though the surface view itself is not destroyed and still stays on the screen
- disableView() - Method in class org.opencv.android.CameraGLRendererBase
-
- disableView() - Method in class org.opencv.android.CameraGLSurfaceView
-
- DISCRETE - Static variable in class org.opencv.ml.Boost
-
- DISOpticalFlow - Class in org.opencv.video
-
DIS optical flow algorithm.
- DISP_SCALE - Static variable in class org.opencv.calib3d.StereoMatcher
-
- DISP_SHIFT - Static variable in class org.opencv.calib3d.StereoMatcher
-
- 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, int) - Static method in class org.opencv.imgproc.Imgproc
-
- distanceTransform(Mat, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
- 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.
- 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.
- 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, 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) - Static method in class org.opencv.core.Core
-
Performs per-element division of two arrays or a scalar by an array.
- divide(double, Mat, Mat, int) - Static method in class org.opencv.core.Core
-
- divide(double, Mat, Mat) - Static method in class org.opencv.core.Core
-
- divide(Mat, Scalar, Mat, double, int) - 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) - Static method in class org.opencv.core.Core
-
- 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.
- 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.
- 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_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
-
- 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
-
- draw(Canvas, float, float) - Method in class org.opencv.android.FpsMeter
-
- drawChessboardCorners(Mat, Size, MatOfPoint2f, boolean) - Static method in class org.opencv.calib3d.Calib3d
-
Renders the detected chessboard corners.
- 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.
- 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) - 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) - Static method in class org.opencv.imgproc.Imgproc
-
Draws contours outlines or filled contours.
- drawContours(Mat, List<MatOfPoint>, int, Scalar) - Static method in class org.opencv.imgproc.Imgproc
-
Draws contours outlines or filled contours.
- drawDetectedCornersCharuco(Mat, Mat, Mat, Scalar) - 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) - Static method in class org.opencv.objdetect.Objdetect
-
Draws a set of Charuco corners
- drawDetectedDiamonds(Mat, List<Mat>, Mat, Scalar) - 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>) - Static method in class org.opencv.objdetect.Objdetect
-
Draw a set of detected ChArUco Diamond markers
- drawDetectedMarkers(Mat, List<Mat>, Mat, Scalar) - 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>) - Static method in class org.opencv.objdetect.Objdetect
-
Draw detected markers in image
- 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.
- 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.
- drawKeypoints(Mat, MatOfKeyPoint, Mat, Scalar, int) - 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) - Static method in class org.opencv.features2d.Features2d
-
Draws keypoints.
- 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.
- 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) - 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) - 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, Scalar, Scalar, MatOfByte, int) - 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) - 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) - Static method in class org.opencv.features2d.Features2d
-
Draws the found matches of keypoints from two images.
- 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, Scalar, Scalar, MatOfByte, int) - 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) - 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) - Static method in class org.opencv.features2d.Features2d
-
- 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, Scalar, Scalar, List<MatOfByte>, int) - 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) - 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) - Static method in class org.opencv.features2d.Features2d
-
- drawSegments(Mat, Mat) - Method in class org.opencv.imgproc.LineSegmentDetector
-
Draws the line segments on a given image.
- DTrees - Class in org.opencv.ml
-
The class represents a single decision tree or a collection of decision trees.
- 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
- ECI_UTF8 - Static variable in class org.opencv.objdetect.QRCodeEncoder
-
- edgeDst(int, Point) - Method in class org.opencv.imgproc.Subdiv2D
-
Returns the edge destination.
- edgeDst(int) - Method in class org.opencv.imgproc.Subdiv2D
-
Returns the edge destination.
- edgeOrg(int, Point) - Method in class org.opencv.imgproc.Subdiv2D
-
Returns the edge origin.
- edgeOrg(int) - Method in class org.opencv.imgproc.Subdiv2D
-
Returns the edge origin.
- edgePreservingFilter(Mat, Mat, int, float, float) - Static method in class org.opencv.photo.Photo
-
Filtering is the fundamental operation in image and video processing.
- 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) - Static method in class org.opencv.photo.Photo
-
Filtering is the fundamental operation in image and video processing.
- edgePreservingFilter(Mat, Mat) - Static method in class org.opencv.photo.Photo
-
Filtering is the fundamental operation in image and video processing.
- eigen(Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates eigenvalues and eigenvectors of a symmetric matrix.
- eigen(Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates eigenvalues and eigenvectors of a symmetric matrix.
- 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, 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, 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) - 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) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a simple or thick elliptic arc or fills an ellipse sector.
- ellipse(Mat, RotatedRect, Scalar, int, int) - 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) - 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.
- EMD(Mat, Mat, int, Mat, Mat) - 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) - 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.
- enableFpsMeter() - Method in class org.opencv.android.CameraBridgeViewBase
-
This method enables label with fps value on the screen
- enableFusion(boolean) - Method in class org.opencv.dnn.Net
-
Enables or disables layer fusion in the network.
- enableView() - Method in class org.opencv.android.CameraBridgeViewBase
-
This method is provided for clients, so they can enable the camera connection.
- enableView() - Method in class org.opencv.android.CameraGLRendererBase
-
- enableView() - Method in class org.opencv.android.CameraGLSurfaceView
-
- 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
-
- 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
-
- 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.
- 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) - 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) - Static method in class org.opencv.imgproc.Imgproc
-
Erodes an image by using a specific structuring element.
- estimate(Mat, float) - Method in class org.opencv.dnn.KeypointsModel
-
Given the input
frame, create input blob, run net
- estimate(Mat) - Method in class org.opencv.dnn.KeypointsModel
-
Given the input
frame, create input blob, run net
- 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, 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) - 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) - 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) - 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, Mat, Mat, double, 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) - 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, double[], boolean) - 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) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an optimal affine transformation between two 3D 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.
- 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) - 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) - 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) - 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, float, boolean, Mat) - 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) - Static method in class org.opencv.calib3d.Calib3d
-
Estimates the sharpness of a detected chessboard.
- estimateChessboardSharpness(Mat, Size, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Estimates the sharpness of a detected chessboard.
- estimateTranslation3D(Mat, Mat, Mat, Mat, double, double) - 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) - 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.
- exportResource(Context, int) - Static method in class org.opencv.android.Utils
-
- exportResource(Context, int, String) - Static method in class org.opencv.android.Utils
-
- extendDictionary(int, int, Dictionary, 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) - 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)
- eye(int, int, int) - Static method in class org.opencv.core.Mat
-
- eye(Size, int) - Static method in class org.opencv.core.Mat
-
- 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
- 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
- FarnebackOpticalFlow - Class in org.opencv.video
-
Class computing a dense optical flow using the Gunnar Farneback's algorithm.
- 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.
- FastFeatureDetector - Class in org.opencv.features2d
-
Wrapping class for feature detection using the FAST method.
- 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, 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) - 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) - 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.
- 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) - 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.
- fastNlMeansDenoisingColored(Mat, Mat, float, float, int, int) - 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) - 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) - Static method in class org.opencv.photo.Photo
-
Modification of fastNlMeansDenoising function for colored images
- 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
- 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) - 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) - Static method in class org.opencv.photo.Photo
-
Modification of fastNlMeansDenoisingMulti function for colored images sequences
- 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, 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) - 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) - 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.
- 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) - 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.
- feature(Mat, Mat) - Method in class org.opencv.objdetect.FaceRecognizerSF
-
Extracting face feature from aligned image
- Feature2D - Class in org.opencv.features2d
-
Abstract base class for 2D image feature detectors and descriptor extractors
- Features2d - Class in org.opencv.features2d
-
- Features2d() - Constructor for class org.opencv.features2d.Features2d
-
- fillConvexPoly(Mat, MatOfPoint, Scalar, int, int) - 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) - 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, int, int, Point) - 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) - Static method in class org.opencv.imgproc.Imgproc
-
Fills the area bounded by one or more polygons.
- fillPoly(Mat, List<MatOfPoint>, Scalar) - Static method in class org.opencv.imgproc.Imgproc
-
Fills the area bounded by one or more polygons.
- filter2D(Mat, Mat, int, Mat, Point, double, int) - 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) - Static method in class org.opencv.imgproc.Imgproc
-
Convolves an image with the kernel.
- filter2D(Mat, Mat, int, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Convolves an image with the kernel.
- FILTER_SCHARR - Static variable in class org.opencv.imgproc.Imgproc
-
- filterHomographyDecompByVisibleRefpoints(List<Mat>, List<Mat>, 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) - Static method in class org.opencv.calib3d.Calib3d
-
Filters homography decompositions based on additional information.
- filterSpeckles(Mat, double, int, double, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Filters off small noise blobs (speckles) in the disparity map
- filterSpeckles(Mat, double, int, double) - Static method in class org.opencv.calib3d.Calib3d
-
Filters off small noise blobs (speckles) in the disparity map
- 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, int) - Static method in class org.opencv.calib3d.Calib3d
-
Finds the positions of internal corners of the chessboard.
- findChessboardCorners(Mat, Size, MatOfPoint2f) - Static method in class org.opencv.calib3d.Calib3d
-
Finds the positions of internal corners of the chessboard.
- findChessboardCornersSB(Mat, Size, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
-
- findChessboardCornersSB(Mat, Size, Mat) - 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, int) - Static method in class org.opencv.calib3d.Calib3d
-
- findCirclesGrid(Mat, Size, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
- findContours(Mat, List<MatOfPoint>, Mat, int, int, Point) - Static method in class org.opencv.imgproc.Imgproc
-
Finds contours in a binary image.
- findContours(Mat, List<MatOfPoint>, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Finds contours in a binary image.
- findContoursLinkRuns(Mat, List<Mat>, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
- findContoursLinkRuns(Mat, List<Mat>) - Static method in class org.opencv.imgproc.Imgproc
-
- 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, 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) - 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) - Static method in class org.opencv.calib3d.Calib3d
-
Calculates an essential matrix from the corresponding points in two images.
- 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, double, Point, int, double, double, int, Mat) - 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) - 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) - 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) - Static method in class org.opencv.calib3d.Calib3d
-
- findEssentialMat(Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
- 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, 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) - 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) - 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, boolean, boolean) - 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) - Static method in class org.opencv.core.Core
-
Try to find requested data file
Search directories:
1.
- findFileOrKeep(String, boolean) - Static method in class org.opencv.core.Core
-
- findFileOrKeep(String) - Static method in class org.opencv.core.Core
-
- 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, 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, Mat) - 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) - Static method in class org.opencv.calib3d.Calib3d
-
- findFundamentalMat(MatOfPoint2f, MatOfPoint2f, int) - Static method in class org.opencv.calib3d.Calib3d
-
- findFundamentalMat(MatOfPoint2f, MatOfPoint2f) - Static method in class org.opencv.calib3d.Calib3d
-
- findFundamentalMat(MatOfPoint2f, MatOfPoint2f, Mat, UsacParams) - Static method in class org.opencv.calib3d.Calib3d
-
- 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, 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) - 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) - Static method in class org.opencv.calib3d.Calib3d
-
Finds a perspective transformation between two planes.
- findHomography(MatOfPoint2f, MatOfPoint2f) - 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(Point, Point) - Method in class org.opencv.imgproc.Subdiv2D
-
Finds the subdivision vertex closest to the given point.
- findNearest(Point) - Method in class org.opencv.imgproc.Subdiv2D
-
Finds the subdivision vertex closest to the given point.
- findNearest(Mat, int, Mat, Mat, 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) - Method in class org.opencv.ml.KNearest
-
Finds the neighbors and predicts responses for input vectors.
- 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);
or
cv::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.
- 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 .
- findTransformECC(Mat, Mat, Mat, int, TermCriteria, Mat) - 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) - Static method in class org.opencv.video.Video
-
- findTransformECC(Mat, Mat, Mat) - Static method in class org.opencv.video.Video
-
- 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
-
- fisheye_CALIB_FIX_K3 - Static variable in class org.opencv.calib3d.Calib3d
-
- fisheye_CALIB_FIX_K4 - Static variable in class org.opencv.calib3d.Calib3d
-
- fisheye_CALIB_FIX_PRINCIPAL_POINT - Static variable in class org.opencv.calib3d.Calib3d
-
- fisheye_CALIB_FIX_SKEW - Static variable in class org.opencv.calib3d.Calib3d
-
- fisheye_CALIB_RECOMPUTE_EXTRINSIC - Static variable in class org.opencv.calib3d.Calib3d
-
- fisheye_CALIB_USE_INTRINSIC_GUESS - Static variable in class org.opencv.calib3d.Calib3d
-
- fisheye_CALIB_ZERO_DISPARITY - Static variable in class org.opencv.calib3d.Calib3d
-
- fisheye_calibrate(List<Mat>, List<Mat>, Size, Mat, Mat, List<Mat>, List<Mat>, int, TermCriteria) - Static method in class org.opencv.calib3d.Calib3d
-
Performs camera calibration
- fisheye_calibrate(List<Mat>, List<Mat>, Size, Mat, Mat, List<Mat>, List<Mat>, int) - Static method in class org.opencv.calib3d.Calib3d
-
Performs camera calibration
- fisheye_calibrate(List<Mat>, List<Mat>, Size, Mat, Mat, List<Mat>, List<Mat>) - Static method in class org.opencv.calib3d.Calib3d
-
Performs camera calibration
- fisheye_distortPoints(Mat, Mat, Mat, Mat, double) - Static method in class org.opencv.calib3d.Calib3d
-
Distorts 2D points using fisheye model.
- fisheye_distortPoints(Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Distorts 2D points using fisheye model.
- fisheye_estimateNewCameraMatrixForUndistortRectify(Mat, Mat, Size, Mat, Mat, double, Size, double) - Static method in class org.opencv.calib3d.Calib3d
-
Estimates new camera intrinsic matrix for undistortion or rectification.
- fisheye_estimateNewCameraMatrixForUndistortRectify(Mat, Mat, Size, Mat, Mat, double, Size) - Static method in class org.opencv.calib3d.Calib3d
-
Estimates new camera intrinsic matrix for undistortion or rectification.
- fisheye_estimateNewCameraMatrixForUndistortRectify(Mat, Mat, Size, Mat, Mat, double) - Static method in class org.opencv.calib3d.Calib3d
-
Estimates new camera intrinsic matrix for undistortion or rectification.
- fisheye_estimateNewCameraMatrixForUndistortRectify(Mat, Mat, Size, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Estimates new camera intrinsic matrix for undistortion or rectification.
- fisheye_initUndistortRectifyMap(Mat, Mat, Mat, Mat, Size, int, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Computes undistortion and rectification maps for image transform by #remap.
- fisheye_projectPoints(Mat, Mat, Mat, Mat, Mat, Mat, double, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
- fisheye_projectPoints(Mat, Mat, Mat, Mat, Mat, Mat, double) - Static method in class org.opencv.calib3d.Calib3d
-
- fisheye_projectPoints(Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
- fisheye_solvePnP(Mat, Mat, Mat, Mat, Mat, Mat, boolean, int, TermCriteria) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3D-2D point correspondences for fisheye camera moodel.
- fisheye_solvePnP(Mat, Mat, Mat, Mat, Mat, Mat, boolean, int) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3D-2D point correspondences for fisheye camera moodel.
- fisheye_solvePnP(Mat, Mat, Mat, Mat, Mat, Mat, boolean) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3D-2D point correspondences for fisheye camera moodel.
- fisheye_solvePnP(Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3D-2D point correspondences for fisheye camera moodel.
- fisheye_stereoCalibrate(List<Mat>, List<Mat>, List<Mat>, Mat, Mat, Mat, Mat, Size, Mat, Mat, List<Mat>, List<Mat>, int, TermCriteria) - Static method in class org.opencv.calib3d.Calib3d
-
Performs stereo calibration
- fisheye_stereoCalibrate(List<Mat>, List<Mat>, List<Mat>, Mat, Mat, Mat, Mat, Size, Mat, Mat, List<Mat>, List<Mat>, int) - Static method in class org.opencv.calib3d.Calib3d
-
Performs stereo calibration
- fisheye_stereoCalibrate(List<Mat>, List<Mat>, List<Mat>, Mat, Mat, Mat, Mat, Size, Mat, Mat, List<Mat>, List<Mat>) - Static method in class org.opencv.calib3d.Calib3d
-
Performs stereo calibration
- fisheye_stereoCalibrate(List<Mat>, List<Mat>, List<Mat>, Mat, Mat, Mat, Mat, Size, Mat, Mat, int, TermCriteria) - Static method in class org.opencv.calib3d.Calib3d
-
- fisheye_stereoCalibrate(List<Mat>, List<Mat>, List<Mat>, Mat, Mat, Mat, Mat, Size, Mat, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
-
- fisheye_stereoCalibrate(List<Mat>, List<Mat>, List<Mat>, Mat, Mat, Mat, Mat, Size, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
- fisheye_stereoRectify(Mat, Mat, Mat, Mat, Size, Mat, Mat, Mat, Mat, Mat, Mat, Mat, int, Size, double, double) - Static method in class org.opencv.calib3d.Calib3d
-
Stereo rectification for fisheye camera model
- fisheye_stereoRectify(Mat, Mat, Mat, Mat, Size, Mat, Mat, Mat, Mat, Mat, Mat, Mat, int, Size, double) - Static method in class org.opencv.calib3d.Calib3d
-
Stereo rectification for fisheye camera model
- fisheye_stereoRectify(Mat, Mat, Mat, Mat, Size, Mat, Mat, Mat, Mat, Mat, Mat, Mat, int, Size) - Static method in class org.opencv.calib3d.Calib3d
-
Stereo rectification for fisheye camera model
- fisheye_stereoRectify(Mat, Mat, Mat, Mat, Size, Mat, Mat, Mat, Mat, Mat, Mat, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
-
Stereo rectification for fisheye camera model
- fisheye_undistortImage(Mat, Mat, Mat, Mat, Mat, Size) - Static method in class org.opencv.calib3d.Calib3d
-
Transforms an image to compensate for fisheye lens distortion.
- fisheye_undistortImage(Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Transforms an image to compensate for fisheye lens distortion.
- fisheye_undistortImage(Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Transforms an image to compensate for fisheye lens distortion.
- fisheye_undistortPoints(Mat, Mat, Mat, Mat, Mat, Mat, TermCriteria) - Static method in class org.opencv.calib3d.Calib3d
-
Undistorts 2D points using fisheye model
- fisheye_undistortPoints(Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Undistorts 2D points using fisheye model
- fisheye_undistortPoints(Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Undistorts 2D points using fisheye model
- fisheye_undistortPoints(Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Undistorts 2D points using fisheye model
- fitEllipse(MatOfPoint2f) - Static method in class org.opencv.imgproc.Imgproc
-
Fits an ellipse around a set of 2D points.
- fitEllipseAMS(Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Fits an ellipse around a set of 2D points.
- fitEllipseDirect(Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Fits an ellipse around a set of 2D points.
- fitLine(Mat, Mat, int, double, double, double) - Static method in class org.opencv.imgproc.Imgproc
-
Fits a line to a 2D or 3D point set.
- FLANNBASED - Static variable in class org.opencv.features2d.DescriptorMatcher
-
- FlannBasedMatcher - Class in org.opencv.features2d
-
Flann-based descriptor matcher.
- FlannBasedMatcher() - Constructor for class org.opencv.features2d.FlannBasedMatcher
-
- flip(Mat, Mat, int) - Static method in class org.opencv.core.Core
-
Flips a 2D array around vertical, horizontal, or both axes.
- flipND(Mat, Mat, int) - Static method in class org.opencv.core.Core
-
Flips a n-dimensional at given axis
- floodFill(Mat, Mat, Point, Scalar, Rect, Scalar, Scalar, int) - Static method in class org.opencv.imgproc.Imgproc
-
Fills a connected component with the given color.
- floodFill(Mat, Mat, Point, Scalar, Rect, Scalar, Scalar) - Static method in class org.opencv.imgproc.Imgproc
-
Fills a connected component with the given color.
- floodFill(Mat, Mat, Point, Scalar, Rect, Scalar) - Static method in class org.opencv.imgproc.Imgproc
-
Fills a connected component with the given color.
- floodFill(Mat, Mat, Point, Scalar, Rect) - Static method in class org.opencv.imgproc.Imgproc
-
Fills a connected component with the given color.
- floodFill(Mat, Mat, Point, Scalar) - Static method in class org.opencv.imgproc.Imgproc
-
Fills a connected component with the given color.
- FLOODFILL_FIXED_RANGE - Static variable in class org.opencv.imgproc.Imgproc
-
- FLOODFILL_MASK_ONLY - Static variable in class org.opencv.imgproc.Imgproc
-
- FM_7POINT - Static variable in class org.opencv.calib3d.Calib3d
-
- FM_8POINT - Static variable in class org.opencv.calib3d.Calib3d
-
- FM_LMEDS - Static variable in class org.opencv.calib3d.Calib3d
-
- FM_RANSAC - Static variable in class org.opencv.calib3d.Calib3d
-
- FONT_HERSHEY_COMPLEX - Static variable in class org.opencv.imgproc.Imgproc
-
- FONT_HERSHEY_COMPLEX_SMALL - Static variable in class org.opencv.imgproc.Imgproc
-
- FONT_HERSHEY_DUPLEX - Static variable in class org.opencv.imgproc.Imgproc
-
- FONT_HERSHEY_PLAIN - Static variable in class org.opencv.imgproc.Imgproc
-
- FONT_HERSHEY_SCRIPT_COMPLEX - Static variable in class org.opencv.imgproc.Imgproc
-
- FONT_HERSHEY_SCRIPT_SIMPLEX - Static variable in class org.opencv.imgproc.Imgproc
-
- FONT_HERSHEY_SIMPLEX - Static variable in class org.opencv.imgproc.Imgproc
-
- FONT_HERSHEY_TRIPLEX - Static variable in class org.opencv.imgproc.Imgproc
-
- FONT_ITALIC - Static variable in class org.opencv.imgproc.Imgproc
-
- Formatter_FMT_C - Static variable in class org.opencv.core.Core
-
- Formatter_FMT_CSV - Static variable in class org.opencv.core.Core
-
- Formatter_FMT_DEFAULT - Static variable in class org.opencv.core.Core
-
- Formatter_FMT_MATLAB - Static variable in class org.opencv.core.Core
-
- Formatter_FMT_NUMPY - Static variable in class org.opencv.core.Core
-
- Formatter_FMT_PYTHON - Static variable in class org.opencv.core.Core
-
- forward(String) - Method in class org.opencv.dnn.Net
-
Runs forward pass to compute output of layer with name outputName
.
- forward() - Method in class org.opencv.dnn.Net
-
Runs forward pass to compute output of layer with name outputName
.
- forward(List<Mat>, String) - Method in class org.opencv.dnn.Net
-
Runs forward pass to compute output of layer with name outputName
.
- forward(List<Mat>) - Method in class org.opencv.dnn.Net
-
Runs forward pass to compute output of layer with name outputName
.
- forward(List<Mat>, List<String>) - Method in class org.opencv.dnn.Net
-
Runs forward pass to compute outputs of layers listed in outBlobNames
.
- fourcc(char, char, char, char) - Static method in class org.opencv.videoio.VideoWriter
-
Concatenates 4 chars to a fourcc code
- FpsMeter - Class in org.opencv.android
-
- FpsMeter() - Constructor for class org.opencv.android.FpsMeter
-
- FR_COSINE - Static variable in class org.opencv.objdetect.FaceRecognizerSF
-
- FR_NORM_L2 - Static variable in class org.opencv.objdetect.FaceRecognizerSF
-
- fromArray(byte...) - Method in class org.opencv.core.MatOfByte
-
- fromArray(int, int, byte...) - Method in class org.opencv.core.MatOfByte
-
- fromArray(DMatch...) - Method in class org.opencv.core.MatOfDMatch
-
- fromArray(double...) - Method in class org.opencv.core.MatOfDouble
-
- fromArray(float...) - Method in class org.opencv.core.MatOfFloat
-
- fromArray(float...) - Method in class org.opencv.core.MatOfFloat4
-
- fromArray(float...) - Method in class org.opencv.core.MatOfFloat6
-
- fromArray(int...) - Method in class org.opencv.core.MatOfInt
-
- fromArray(int...) - Method in class org.opencv.core.MatOfInt4
-
- fromArray(KeyPoint...) - Method in class org.opencv.core.MatOfKeyPoint
-
- fromArray(Point...) - Method in class org.opencv.core.MatOfPoint
-
- fromArray(Point...) - Method in class org.opencv.core.MatOfPoint2f
-
- fromArray(Point3...) - Method in class org.opencv.core.MatOfPoint3
-
- fromArray(Point3...) - Method in class org.opencv.core.MatOfPoint3f
-
- fromArray(Rect...) - Method in class org.opencv.core.MatOfRect
-
- fromArray(Rect2d...) - Method in class org.opencv.core.MatOfRect2d
-
- fromArray(RotatedRect...) - Method in class org.opencv.core.MatOfRotatedRect
-
- fromList(List<Byte>) - Method in class org.opencv.core.MatOfByte
-
- fromList(List<DMatch>) - Method in class org.opencv.core.MatOfDMatch
-
- fromList(List<Double>) - Method in class org.opencv.core.MatOfDouble
-
- fromList(List<Float>) - Method in class org.opencv.core.MatOfFloat
-
- fromList(List<Float>) - Method in class org.opencv.core.MatOfFloat4
-
- fromList(List<Float>) - Method in class org.opencv.core.MatOfFloat6
-
- fromList(List<Integer>) - Method in class org.opencv.core.MatOfInt
-
- fromList(List<Integer>) - Method in class org.opencv.core.MatOfInt4
-
- fromList(List<KeyPoint>) - Method in class org.opencv.core.MatOfKeyPoint
-
- fromList(List<Point>) - Method in class org.opencv.core.MatOfPoint
-
- fromList(List<Point>) - Method in class org.opencv.core.MatOfPoint2f
-
- fromList(List<Point3>) - Method in class org.opencv.core.MatOfPoint3
-
- fromList(List<Point3>) - Method in class org.opencv.core.MatOfPoint3f
-
- fromList(List<Rect>) - Method in class org.opencv.core.MatOfRect
-
- fromList(List<Rect2d>) - Method in class org.opencv.core.MatOfRect2d
-
- fromList(List<RotatedRect>) - Method in class org.opencv.core.MatOfRotatedRect
-
- fromNativeAddr(long) - Static method in class org.opencv.core.MatOfByte
-
- fromNativeAddr(long) - Static method in class org.opencv.core.MatOfDMatch
-
- fromNativeAddr(long) - Static method in class org.opencv.core.MatOfDouble
-
- fromNativeAddr(long) - Static method in class org.opencv.core.MatOfFloat
-
- fromNativeAddr(long) - Static method in class org.opencv.core.MatOfFloat4
-
- fromNativeAddr(long) - Static method in class org.opencv.core.MatOfFloat6
-
- fromNativeAddr(long) - Static method in class org.opencv.core.MatOfInt
-
- fromNativeAddr(long) - Static method in class org.opencv.core.MatOfInt4
-
- fromNativeAddr(long) - Static method in class org.opencv.core.MatOfKeyPoint
-
- fromNativeAddr(long) - Static method in class org.opencv.core.MatOfPoint
-
- fromNativeAddr(long) - Static method in class org.opencv.core.MatOfPoint2f
-
- fromNativeAddr(long) - Static method in class org.opencv.core.MatOfPoint3
-
- fromNativeAddr(long) - Static method in class org.opencv.core.MatOfPoint3f
-
- fromNativeAddr(long) - Static method in class org.opencv.core.MatOfRect
-
- fromNativeAddr(long) - Static method in class org.opencv.core.MatOfRect2d
-
- fromNativeAddr(long) - Static method in class org.opencv.core.MatOfRotatedRect
-
- GAMMA - Static variable in class org.opencv.ml.SVM
-
- GAUSSIAN - Static variable in class org.opencv.ml.ANN_MLP
-
- GaussianBlur(Mat, Mat, Size, double, double, int) - Static method in class org.opencv.imgproc.Imgproc
-
Blurs an image using a Gaussian filter.
- GaussianBlur(Mat, Mat, Size, double, double) - Static method in class org.opencv.imgproc.Imgproc
-
Blurs an image using a Gaussian filter.
- GaussianBlur(Mat, Mat, Size, double) - Static method in class org.opencv.imgproc.Imgproc
-
Blurs an image using a Gaussian filter.
- GC_BGD - Static variable in class org.opencv.imgproc.Imgproc
-
- GC_EVAL - Static variable in class org.opencv.imgproc.Imgproc
-
- GC_EVAL_FREEZE_MODEL - Static variable in class org.opencv.imgproc.Imgproc
-
- GC_FGD - Static variable in class org.opencv.imgproc.Imgproc
-
- GC_INIT_WITH_MASK - Static variable in class org.opencv.imgproc.Imgproc
-
- GC_INIT_WITH_RECT - Static variable in class org.opencv.imgproc.Imgproc
-
- GC_PR_BGD - Static variable in class org.opencv.imgproc.Imgproc
-
- GC_PR_FGD - Static variable in class org.opencv.imgproc.Imgproc
-
- gemm(Mat, Mat, double, Mat, double, Mat, int) - Static method in class org.opencv.core.Core
-
Performs generalized matrix multiplication.
- gemm(Mat, Mat, double, Mat, double, Mat) - Static method in class org.opencv.core.Core
-
Performs generalized matrix multiplication.
- GEMM_1_T - Static variable in class org.opencv.core.Core
-
- GEMM_2_T - Static variable in class org.opencv.core.Core
-
- GEMM_3_T - Static variable in class org.opencv.core.Core
-
- GeneralizedHough - Class in org.opencv.imgproc
-
finds arbitrary template in the grayscale image using Generalized Hough Transform
- GeneralizedHoughBallard - Class in org.opencv.imgproc
-
finds arbitrary template in the grayscale image using Generalized Hough Transform
Detects position only without translation and rotation CITE: Ballard1981 .
- GeneralizedHoughGuil - Class in org.opencv.imgproc
-
finds arbitrary template in the grayscale image using Generalized Hough Transform
Detects position, translation and rotation CITE: Guil1999 .
- generateImage(Size, Mat, int, int) - Method in class org.opencv.objdetect.Board
-
Draw a planar board
- generateImage(Size, Mat, int) - Method in class org.opencv.objdetect.Board
-
Draw a planar board
- generateImage(Size, Mat) - Method in class org.opencv.objdetect.Board
-
Draw a planar board
- generateImageMarker(int, int, Mat, int) - Method in class org.opencv.objdetect.Dictionary
-
Generate a canonical marker image
- generateImageMarker(int, int, Mat) - Method in class org.opencv.objdetect.Dictionary
-
Generate a canonical marker image
- generateImageMarker(Dictionary, int, int, Mat, int) - Static method in class org.opencv.objdetect.Objdetect
-
Generate a canonical marker image
- generateImageMarker(Dictionary, int, int, Mat) - Static method in class org.opencv.objdetect.Objdetect
-
Generate a canonical marker image
- GENTLE - Static variable in class org.opencv.ml.Boost
-
- get(int, int, byte[]) - Method in class org.opencv.core.Mat
-
- get(int[], byte[]) - Method in class org.opencv.core.Mat
-
- get(int, int, short[]) - Method in class org.opencv.core.Mat
-
- get(int[], short[]) - Method in class org.opencv.core.Mat
-
- get(int, int, int[]) - Method in class org.opencv.core.Mat
-
- get(int[], int[]) - Method in class org.opencv.core.Mat
-
- get(int, int, float[]) - Method in class org.opencv.core.Mat
-
- get(int[], float[]) - Method in class org.opencv.core.Mat
-
- get(int, int, double[]) - Method in class org.opencv.core.Mat
-
- get(int[], double[]) - Method in class org.opencv.core.Mat
-
- get(int, int) - Method in class org.opencv.core.Mat
-
- get(int[]) - Method in class org.opencv.core.Mat
-
- get(int) - Method in class org.opencv.videoio.VideoCapture
-
Returns the specified VideoCapture property
- get(int) - Method in class org.opencv.videoio.VideoWriter
-
Returns the specified VideoWriter property
- get_0() - Method in class org.opencv.core.Mat.Tuple2
-
- get_0() - Method in class org.opencv.core.Mat.Tuple3
-
- get_0() - Method in class org.opencv.core.Mat.Tuple4
-
- get_1() - Method in class org.opencv.core.Mat.Tuple2
-
- get_1() - Method in class org.opencv.core.Mat.Tuple3
-
- get_1() - Method in class org.opencv.core.Mat.Tuple4
-
- get_2() - Method in class org.opencv.core.Mat.Tuple3
-
- get_2() - Method in class org.opencv.core.Mat.Tuple4
-
- get_3() - Method in class org.opencv.core.Mat.Tuple4
-
- get_adaptiveThreshConstant() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_adaptiveThreshWinSizeMax() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_adaptiveThreshWinSizeMin() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_adaptiveThreshWinSizeStep() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_aprilTagCriticalRad() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_aprilTagDeglitch() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_aprilTagMaxLineFitMse() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_aprilTagMaxNmaxima() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_aprilTagMinClusterPixels() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_aprilTagMinWhiteBlackDiff() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_aprilTagQuadDecimate() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_aprilTagQuadSigma() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_backbone() - Method in class org.opencv.video.TrackerNano_Params
-
- get_backend() - Method in class org.opencv.video.TrackerDaSiamRPN_Params
-
- get_backend() - Method in class org.opencv.video.TrackerNano_Params
-
- get_backend() - Method in class org.opencv.video.TrackerVit_Params
-
- get_blobs() - Method in class org.opencv.dnn.Layer
-
- get_blockSize() - Method in class org.opencv.objdetect.HOGDescriptor
-
- get_blockStride() - Method in class org.opencv.objdetect.HOGDescriptor
-
- get_borderValue() - Method in class org.opencv.dnn.Image2BlobParams
-
- get_bytesList() - Method in class org.opencv.objdetect.Dictionary
-
- get_cameraMatrix() - Method in class org.opencv.objdetect.CharucoParameters
-
- get_cellSize() - Method in class org.opencv.objdetect.HOGDescriptor
-
- get_checkAllOrders() - Method in class org.opencv.objdetect.RefineParameters
-
- get_collectContours() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- get_confidence() - Method in class org.opencv.calib3d.UsacParams
-
- get_controlMatrix() - Method in class org.opencv.video.KalmanFilter
-
- get_cornerRefinementMaxIterations() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_cornerRefinementMethod() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_cornerRefinementMinAccuracy() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_cornerRefinementWinSize() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_ddepth() - Method in class org.opencv.dnn.Image2BlobParams
-
- get_derivAperture() - Method in class org.opencv.objdetect.HOGDescriptor
-
- get_detectInvertedMarker() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_distCoeffs() - Method in class org.opencv.objdetect.CharucoParameters
-
- get_errorCorrectionRate() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_errorCorrectionRate() - Method in class org.opencv.objdetect.RefineParameters
-
- get_errorCovPost() - Method in class org.opencv.video.KalmanFilter
-
- get_errorCovPre() - Method in class org.opencv.video.KalmanFilter
-
- get_featureSetNumFeatures() - Method in class org.opencv.video.TrackerMIL_Params
-
- get_filterByArea() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- get_filterByCircularity() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- get_filterByColor() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- get_filterByConvexity() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- get_filterByInertia() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- get_final_polisher() - Method in class org.opencv.calib3d.UsacParams
-
- get_final_polisher_iterations() - Method in class org.opencv.calib3d.UsacParams
-
- get_gain() - Method in class org.opencv.video.KalmanFilter
-
- get_gammaCorrection() - Method in class org.opencv.objdetect.HOGDescriptor
-
- get_histogramNormType() - Method in class org.opencv.objdetect.HOGDescriptor
-
- get_isParallel() - Method in class org.opencv.calib3d.UsacParams
-
- get_kernel_cls1() - Method in class org.opencv.video.TrackerDaSiamRPN_Params
-
- get_kernel_r1() - Method in class org.opencv.video.TrackerDaSiamRPN_Params
-
- get_L2HysThreshold() - Method in class org.opencv.objdetect.HOGDescriptor
-
- get_learnt_thetas() - Method in class org.opencv.ml.LogisticRegression
-
This function returns the trained parameters arranged across rows.
- get_logStep() - Method in class org.opencv.ml.ParamGrid
-
- get_loIterations() - Method in class org.opencv.calib3d.UsacParams
-
- get_loMethod() - Method in class org.opencv.calib3d.UsacParams
-
- get_loSampleSize() - Method in class org.opencv.calib3d.UsacParams
-
- get_m00() - Method in class org.opencv.imgproc.Moments
-
- get_m01() - Method in class org.opencv.imgproc.Moments
-
- get_m02() - Method in class org.opencv.imgproc.Moments
-
- get_m03() - Method in class org.opencv.imgproc.Moments
-
- get_m10() - Method in class org.opencv.imgproc.Moments
-
- get_m11() - Method in class org.opencv.imgproc.Moments
-
- get_m12() - Method in class org.opencv.imgproc.Moments
-
- get_m20() - Method in class org.opencv.imgproc.Moments
-
- get_m21() - Method in class org.opencv.imgproc.Moments
-
- get_m30() - Method in class org.opencv.imgproc.Moments
-
- get_markerBorderBits() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_markerSize() - Method in class org.opencv.objdetect.Dictionary
-
- get_maxArea() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- get_maxCircularity() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- get_maxColorsMismatch() - Method in class org.opencv.objdetect.QRCodeDetectorAruco_Params
-
- get_maxConvexity() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- get_maxCorrectionBits() - Method in class org.opencv.objdetect.Dictionary
-
- get_maxErroneousBitsInBorderRate() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_maxInertiaRatio() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- get_maxIterations() - Method in class org.opencv.calib3d.UsacParams
-
- get_maxMarkerPerimeterRate() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_maxModuleSizeMismatch() - Method in class org.opencv.objdetect.QRCodeDetectorAruco_Params
-
- get_maxPenalties() - Method in class org.opencv.objdetect.QRCodeDetectorAruco_Params
-
- get_maxRotation() - Method in class org.opencv.objdetect.QRCodeDetectorAruco_Params
-
- get_maxThreshold() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- get_maxTimingPatternMismatch() - Method in class org.opencv.objdetect.QRCodeDetectorAruco_Params
-
- get_maxVal() - Method in class org.opencv.ml.ParamGrid
-
- get_mean() - Method in class org.opencv.dnn.Image2BlobParams
-
- get_meanvalue() - Method in class org.opencv.video.TrackerVit_Params
-
- get_measurementMatrix() - Method in class org.opencv.video.KalmanFilter
-
- get_measurementNoiseCov() - Method in class org.opencv.video.KalmanFilter
-
- get_minArea() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- get_minCircularity() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- get_minConvexity() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- get_minCornerDistanceRate() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_minDistanceToBorder() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_minDistBetweenBlobs() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- get_minGroupDistance() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_minInertiaRatio() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- get_minMarkerDistanceRate() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_minMarkerLengthRatioOriginalImg() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_minMarkerPerimeterRate() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_minMarkers() - Method in class org.opencv.objdetect.CharucoParameters
-
- get_minModuleSizeInPyramid() - Method in class org.opencv.objdetect.QRCodeDetectorAruco_Params
-
- get_minOtsuStdDev() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_minRepDistance() - Method in class org.opencv.objdetect.RefineParameters
-
- get_minRepeatability() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- get_minSideLengthCanonicalImg() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_minThreshold() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- get_minVal() - Method in class org.opencv.ml.ParamGrid
-
- get_model() - Method in class org.opencv.video.TrackerDaSiamRPN_Params
-
- get_modelBin() - Method in class org.opencv.video.TrackerGOTURN_Params
-
- get_modelTxt() - Method in class org.opencv.video.TrackerGOTURN_Params
-
- get_mu02() - Method in class org.opencv.imgproc.Moments
-
- get_mu03() - Method in class org.opencv.imgproc.Moments
-
- get_mu11() - Method in class org.opencv.imgproc.Moments
-
- get_mu12() - Method in class org.opencv.imgproc.Moments
-
- get_mu20() - Method in class org.opencv.imgproc.Moments
-
- get_mu21() - Method in class org.opencv.imgproc.Moments
-
- get_mu30() - Method in class org.opencv.imgproc.Moments
-
- get_name() - Method in class org.opencv.dnn.Layer
-
- get_nbins() - Method in class org.opencv.objdetect.HOGDescriptor
-
- get_neckhead() - Method in class org.opencv.video.TrackerNano_Params
-
- get_neighborsSearch() - Method in class org.opencv.calib3d.UsacParams
-
- get_net() - Method in class org.opencv.video.TrackerVit_Params
-
- get_nlevels() - Method in class org.opencv.objdetect.HOGDescriptor
-
- get_nu02() - Method in class org.opencv.imgproc.Moments
-
- get_nu03() - Method in class org.opencv.imgproc.Moments
-
- get_nu11() - Method in class org.opencv.imgproc.Moments
-
- get_nu12() - Method in class org.opencv.imgproc.Moments
-
- get_nu20() - Method in class org.opencv.imgproc.Moments
-
- get_nu21() - Method in class org.opencv.imgproc.Moments
-
- get_nu30() - Method in class org.opencv.imgproc.Moments
-
- get_perspectiveRemoveIgnoredMarginPerCell() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_perspectiveRemovePixelPerCell() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_polygonalApproxAccuracyRate() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_preferableTarget() - Method in class org.opencv.dnn.Layer
-
- get_processNoiseCov() - Method in class org.opencv.video.KalmanFilter
-
- get_randomGeneratorState() - Method in class org.opencv.calib3d.UsacParams
-
- get_relativeCornerRefinmentWinSize() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_sampler() - Method in class org.opencv.calib3d.UsacParams
-
- get_samplerInitInRadius() - Method in class org.opencv.video.TrackerMIL_Params
-
- get_samplerInitMaxNegNum() - Method in class org.opencv.video.TrackerMIL_Params
-
- get_samplerSearchWinSize() - Method in class org.opencv.video.TrackerMIL_Params
-
- get_samplerTrackInRadius() - Method in class org.opencv.video.TrackerMIL_Params
-
- get_samplerTrackMaxNegNum() - Method in class org.opencv.video.TrackerMIL_Params
-
- get_samplerTrackMaxPosNum() - Method in class org.opencv.video.TrackerMIL_Params
-
- get_scalefactor() - Method in class org.opencv.dnn.Image2BlobParams
-
- get_scaleTimingPatternScore() - Method in class org.opencv.objdetect.QRCodeDetectorAruco_Params
-
- get_score() - Method in class org.opencv.calib3d.UsacParams
-
- get_signedGradient() - Method in class org.opencv.objdetect.HOGDescriptor
-
- get_size() - Method in class org.opencv.dnn.Image2BlobParams
-
- get_statePost() - Method in class org.opencv.video.KalmanFilter
-
- get_statePre() - Method in class org.opencv.video.KalmanFilter
-
- get_stdvalue() - Method in class org.opencv.video.TrackerVit_Params
-
- get_structure_number() - Method in class org.opencv.objdetect.QRCodeEncoder_Params
-
- get_svmDetector() - Method in class org.opencv.objdetect.HOGDescriptor
-
- get_swapRB() - Method in class org.opencv.dnn.Image2BlobParams
-
- get_target() - Method in class org.opencv.video.TrackerDaSiamRPN_Params
-
- get_target() - Method in class org.opencv.video.TrackerNano_Params
-
- get_target() - Method in class org.opencv.video.TrackerVit_Params
-
- get_threshold() - Method in class org.opencv.calib3d.UsacParams
-
- get_thresholdStep() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- get_transitionMatrix() - Method in class org.opencv.video.KalmanFilter
-
- get_tryRefineMarkers() - Method in class org.opencv.objdetect.CharucoParameters
-
- get_type() - Method in class org.opencv.dnn.Layer
-
- get_useAruco3Detection() - Method in class org.opencv.objdetect.DetectorParameters
-
- get_version() - Method in class org.opencv.objdetect.QRCodeEncoder_Params
-
- get_winSigma() - Method in class org.opencv.objdetect.HOGDescriptor
-
- get_winSize() - Method in class org.opencv.objdetect.HOGDescriptor
-
- getActiveVarCount() - Method in class org.opencv.ml.RTrees
-
SEE: setActiveVarCount
- getAffineTransform(MatOfPoint2f, MatOfPoint2f) - Static method in class org.opencv.imgproc.Imgproc
-
- getAlgorithmType() - Method in class org.opencv.ml.KNearest
-
SEE: setAlgorithmType
- getAlpha() - Method in class org.opencv.video.VariationalRefinement
-
Weight of the smoothness term
SEE: setAlpha
- getAngleEpsilon() - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- getAngleStep() - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- getAngleThresh() - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- getAnnealCoolingRatio() - Method in class org.opencv.ml.ANN_MLP
-
SEE: setAnnealCoolingRatio
- getAnnealFinalT() - Method in class org.opencv.ml.ANN_MLP
-
SEE: setAnnealFinalT
- getAnnealInitialT() - Method in class org.opencv.ml.ANN_MLP
-
SEE: setAnnealInitialT
- getAnnealItePerStep() - Method in class org.opencv.ml.ANN_MLP
-
SEE: setAnnealItePerStep
- getAreaThreshold() - Method in class org.opencv.features2d.MSER
-
- getAvailableTargets(int) - Static method in class org.opencv.dnn.Dnn
-
- getAvgTimeMilli() - Method in class org.opencv.core.TickMeter
-
- getAvgTimeSec() - Method in class org.opencv.core.TickMeter
-
- getBackendName() - Method in class org.opencv.videoio.VideoCapture
-
Returns used backend API name
Note: Stream should be opened.
- getBackendName(int) - Static method in class org.opencv.videoio.Videoio
-
Returns backend API name or "UnknownVideoAPI(xxx)"
- getBackendName() - Method in class org.opencv.videoio.VideoWriter
-
Returns used backend API name
Note: Stream should be opened.
- getBackgroundImage(Mat) - Method in class org.opencv.video.BackgroundSubtractor
-
Computes a background image.
- getBackgroundRatio() - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Returns the "background ratio" parameter of the algorithm
If a foreground pixel keeps semi-constant value for about backgroundRatio\*history frames, it's
considered background and added to the model as a center of a new component.
- getBackpropMomentumScale() - Method in class org.opencv.ml.ANN_MLP
-
SEE: setBackpropMomentumScale
- getBackpropWeightScale() - Method in class org.opencv.ml.ANN_MLP
-
SEE: setBackpropWeightScale
- getBias() - Method in class org.opencv.photo.TonemapDrago
-
- getBinaryThreshold() - Method in class org.opencv.dnn.TextDetectionModel_DB
-
- getBitsFromByteList(Mat, int) - Static method in class org.opencv.objdetect.Dictionary
-
Transform list of bytes to matrix of bits
- getBlobContours() - Method in class org.opencv.features2d.SimpleBlobDetector
-
- getBlockSize() - Method in class org.opencv.calib3d.StereoMatcher
-
- getBlockSize() - Method in class org.opencv.features2d.GFTTDetector
-
- getBoard() - Method in class org.opencv.objdetect.CharucoDetector
-
- getBoostType() - Method in class org.opencv.ml.Boost
-
SEE: setBoostType
- getBuildInformation() - Static method in class org.opencv.core.Core
-
Returns full configuration time cmake output.
- getByteListFromBits(Mat) - Static method in class org.opencv.objdetect.Dictionary
-
Transform matrix of bits to list of bytes with 4 marker rotations
- getC() - Method in class org.opencv.ml.SVM
-
SEE: setC
- getCalculateVarImportance() - Method in class org.opencv.ml.RTrees
-
SEE: setCalculateVarImportance
- getCameraBackendPluginVersion(int, int[], int[]) - Static method in class org.opencv.videoio.Videoio
-
Returns description and ABI/API version of videoio plugin's camera interface
- getCameraTextureListener() - Method in class org.opencv.android.CameraGLSurfaceView
-
- getCannyHighThresh() - Method in class org.opencv.imgproc.GeneralizedHough
-
- getCannyLowThresh() - Method in class org.opencv.imgproc.GeneralizedHough
-
- getCatCount(int) - Method in class org.opencv.ml.TrainData
-
- getCatMap() - Method in class org.opencv.ml.TrainData
-
- getCatOfs() - Method in class org.opencv.ml.TrainData
-
- getCharucoParameters() - Method in class org.opencv.objdetect.CharucoDetector
-
- getChessboardCorners() - Method in class org.opencv.objdetect.CharucoBoard
-
get CharucoBoard::chessboardCorners
- getChessboardSize() - Method in class org.opencv.objdetect.CharucoBoard
-
- getClassLabels() - Method in class org.opencv.ml.TrainData
-
Returns the vector of class labels
The function returns vector of unique labels occurred in the responses.
- getClassWeights() - Method in class org.opencv.ml.SVM
-
SEE: setClassWeights
- getClipLimit() - Method in class org.opencv.imgproc.CLAHE
-
- getClustersNumber() - Method in class org.opencv.ml.EM
-
SEE: setClustersNumber
- getCoef0() - Method in class org.opencv.ml.SVM
-
SEE: setCoef0
- getColorAdaptation() - Method in class org.opencv.photo.TonemapReinhard
-
- getComplexityReductionThreshold() - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Returns the complexity reduction threshold
This parameter defines the number of samples needed to accept to prove the component exists.
- getConfidenceThreshold() - Method in class org.opencv.dnn.TextDetectionModel_EAST
-
Get the detection confidence threshold
- getContour(Point, Mat, boolean) - Method in class org.opencv.imgproc.IntelligentScissorsMB
-
Extracts optimal contour for the given target point on the image
Note: buildMap() must be called before this call
- getContour(Point, Mat) - Method in class org.opencv.imgproc.IntelligentScissorsMB
-
Extracts optimal contour for the given target point on the image
Note: buildMap() must be called before this call
- getContrastThreshold() - Method in class org.opencv.features2d.SIFT
-
- getContrastWeight() - Method in class org.opencv.photo.MergeMertens
-
- getCounter() - Method in class org.opencv.core.TickMeter
-
- getCovarianceMatrixType() - Method in class org.opencv.ml.EM
-
SEE: setCovarianceMatrixType
- getCovs(List<Mat>) - Method in class org.opencv.ml.EM
-
Returns covariation matrices
Returns vector of covariation matrices.
- getCPUFeaturesLine() - Static method in class org.opencv.core.Core
-
Returns list of CPU features enabled during compilation.
- getCPUTickCount() - Static method in class org.opencv.core.Core
-
Returns the number of CPU ticks.
- getCut() - Method in class org.opencv.photo.AlignMTB
-
- getCVFolds() - Method in class org.opencv.ml.DTrees
-
SEE: setCVFolds
- getDaimlerPeopleDetector() - Static method in class org.opencv.objdetect.HOGDescriptor
-
Returns coefficients of the classifier trained for people detection (for 48x96 windows).
- getDecisionFunction(int, Mat, Mat) - Method in class org.opencv.ml.SVM
-
Retrieves the decision function
- getDecodeType() - Method in class org.opencv.dnn.TextRecognitionModel
-
Get the decoding method
- getDefaultGridPtr(int) - Static method in class org.opencv.ml.SVM
-
Generates a grid for %SVM parameters.
- getDefaultK() - Method in class org.opencv.ml.KNearest
-
SEE: setDefaultK
- getDefaultName() - Method in class org.opencv.core.Algorithm
-
Returns the algorithm string identifier.
- getDefaultName() - Method in class org.opencv.features2d.AffineFeature
-
- getDefaultName() - Method in class org.opencv.features2d.AgastFeatureDetector
-
- getDefaultName() - Method in class org.opencv.features2d.AKAZE
-
- getDefaultName() - Method in class org.opencv.features2d.BRISK
-
- getDefaultName() - Method in class org.opencv.features2d.FastFeatureDetector
-
- getDefaultName() - Method in class org.opencv.features2d.Feature2D
-
- getDefaultName() - Method in class org.opencv.features2d.GFTTDetector
-
- getDefaultName() - Method in class org.opencv.features2d.KAZE
-
- getDefaultName() - Method in class org.opencv.features2d.MSER
-
- getDefaultName() - Method in class org.opencv.features2d.ORB
-
- getDefaultName() - Method in class org.opencv.features2d.SIFT
-
- getDefaultName() - Method in class org.opencv.features2d.SimpleBlobDetector
-
- getDefaultNewCameraMatrix(Mat, Size, boolean) - Static method in class org.opencv.calib3d.Calib3d
-
Returns the default new camera matrix.
- getDefaultNewCameraMatrix(Mat, Size) - Static method in class org.opencv.calib3d.Calib3d
-
Returns the default new camera matrix.
- getDefaultNewCameraMatrix(Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Returns the default new camera matrix.
- getDefaultPeopleDetector() - Static method in class org.opencv.objdetect.HOGDescriptor
-
Returns coefficients of the classifier trained for people detection (for 64x128 windows).
- getDefaultSubstValues() - Method in class org.opencv.ml.TrainData
-
- getDegree() - Method in class org.opencv.ml.SVM
-
SEE: setDegree
- getDelta() - Method in class org.opencv.features2d.MSER
-
- getDelta() - Method in class org.opencv.video.VariationalRefinement
-
Weight of the color constancy term
SEE: setDelta
- getDerivKernels(Mat, Mat, int, int, int, boolean, int) - Static method in class org.opencv.imgproc.Imgproc
-
Returns filter coefficients for computing spatial image derivatives.
- getDerivKernels(Mat, Mat, int, int, int, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
Returns filter coefficients for computing spatial image derivatives.
- getDerivKernels(Mat, Mat, int, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Returns filter coefficients for computing spatial image derivatives.
- getDescriptorChannels() - Method in class org.opencv.features2d.AKAZE
-
- getDescriptors() - Method in class org.opencv.features2d.BOWTrainer
-
Returns a training set of descriptors.
- getDescriptorSize() - Method in class org.opencv.features2d.AKAZE
-
- getDescriptorSize() - Method in class org.opencv.objdetect.HOGDescriptor
-
Returns the number of coefficients required for the classification.
- getDescriptorType() - Method in class org.opencv.features2d.AKAZE
-
- getDetectorParameters() - Method in class org.opencv.objdetect.ArucoDetector
-
- getDetectorParameters() - Method in class org.opencv.objdetect.CharucoDetector
-
- getDetectorParameters() - Method in class org.opencv.objdetect.QRCodeDetectorAruco
-
Detector parameters getter.
- getDetectorScales(MatOfFloat) - Method in class org.opencv.objdetect.BarcodeDetector
-
Returns detector box filter sizes.
- getDetectShadows() - Method in class org.opencv.video.BackgroundSubtractorKNN
-
Returns the shadow detection flag
If true, the algorithm detects shadows and marks them.
- getDetectShadows() - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Returns the shadow detection flag
If true, the algorithm detects shadows and marks them.
- getDictionary() - Method in class org.opencv.objdetect.ArucoDetector
-
- getDictionary() - Method in class org.opencv.objdetect.Board
-
return the Dictionary of markers employed for this board
- getDiffusivity() - Method in class org.opencv.features2d.AKAZE
-
- getDiffusivity() - Method in class org.opencv.features2d.KAZE
-
- getDisp12MaxDiff() - Method in class org.opencv.calib3d.StereoMatcher
-
- getDist2Threshold() - Method in class org.opencv.video.BackgroundSubtractorKNN
-
Returns the threshold on the squared distance between the pixel and the sample
The threshold on the squared distance between the pixel and the sample to decide whether a pixel is
close to a data sample.
- getDistanceToId(Mat, int, boolean) - Method in class org.opencv.objdetect.Dictionary
-
Returns Hamming distance of the input bits to the specific id.
- getDistanceToId(Mat, int) - Method in class org.opencv.objdetect.Dictionary
-
Returns Hamming distance of the input bits to the specific id.
- getDownsamplingThreshold() - Method in class org.opencv.objdetect.BarcodeDetector
-
Get detector downsampling threshold.
- getDp() - Method in class org.opencv.imgproc.GeneralizedHough
-
- getEdge(int, int) - Method in class org.opencv.imgproc.Subdiv2D
-
Returns one of the edges related to the given edge.
- getEdgeBlurSize() - Method in class org.opencv.features2d.MSER
-
- getEdgeList(MatOfFloat4) - Method in class org.opencv.imgproc.Subdiv2D
-
Returns a list of all edges.
- getEdgeThreshold() - Method in class org.opencv.features2d.ORB
-
- getEdgeThreshold() - Method in class org.opencv.features2d.SIFT
-
- getEmax() - Method in class org.opencv.ml.KNearest
-
SEE: setEmax
- getEnableSoftmaxPostProcessing() - Method in class org.opencv.dnn.ClassificationModel
-
Get enable/disable softmax post processing option.
- getEpsilon() - Method in class org.opencv.video.VariationalRefinement
-
Norm value shift for robust penalizer
SEE: setEpsilon
- getExceptionMode() - Method in class org.opencv.videoio.VideoCapture
-
- getExcludeRange() - Method in class org.opencv.photo.AlignMTB
-
- getExposureWeight() - Method in class org.opencv.photo.MergeMertens
-
- getExtended() - Method in class org.opencv.features2d.KAZE
-
- getFastPyramids() - Method in class org.opencv.video.FarnebackOpticalFlow
-
- getFastThreshold() - Method in class org.opencv.features2d.ORB
-
- getFeatureType() - Method in class org.opencv.objdetect.CascadeClassifier
-
- getFinestScale() - Method in class org.opencv.video.DISOpticalFlow
-
Finest level of the Gaussian pyramid on which the flow is computed (zero level
corresponds to the original image resolution).
- getFirstLevel() - Method in class org.opencv.features2d.ORB
-
- getFixedPointIterations() - Method in class org.opencv.video.VariationalRefinement
-
Number of outer (fixed-point) iterations in the minimization procedure.
- getFlags() - Method in class org.opencv.video.FarnebackOpticalFlow
-
- getFlags() - Method in class org.opencv.video.SparsePyrLKOpticalFlow
-
- getFLOPS(List<MatOfInt>) - Method in class org.opencv.dnn.Net
-
Computes FLOP for whole loaded model with specified input shapes.
- getFLOPS(MatOfInt) - Method in class org.opencv.dnn.Net
-
- getFLOPS(int, List<MatOfInt>) - Method in class org.opencv.dnn.Net
-
- getFLOPS(int, MatOfInt) - Method in class org.opencv.dnn.Net
-
- getFontScaleFromHeight(int, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the font-specific size to use to achieve a given height in pixels.
- getFontScaleFromHeight(int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the font-specific size to use to achieve a given height in pixels.
- getFPS() - Method in class org.opencv.core.TickMeter
-
- getGaborKernel(Size, double, double, double, double, double, int) - Static method in class org.opencv.imgproc.Imgproc
-
Returns Gabor filter coefficients.
- getGaborKernel(Size, double, double, double, double, double) - Static method in class org.opencv.imgproc.Imgproc
-
Returns Gabor filter coefficients.
- getGaborKernel(Size, double, double, double, double) - Static method in class org.opencv.imgproc.Imgproc
-
Returns Gabor filter coefficients.
- getGamma() - Method in class org.opencv.ml.SVM
-
SEE: setGamma
- getGamma() - Method in class org.opencv.photo.Tonemap
-
- getGamma() - Method in class org.opencv.video.VariationalRefinement
-
Weight of the gradient constancy term
SEE: setGamma
- getGaussianKernel(int, double, int) - Static method in class org.opencv.imgproc.Imgproc
-
Returns Gaussian filter coefficients.
- getGaussianKernel(int, double) - Static method in class org.opencv.imgproc.Imgproc
-
Returns Gaussian filter coefficients.
- getGradientDescentIterations() - Method in class org.opencv.video.DISOpticalFlow
-
Maximum number of gradient descent iterations in the patch inverse search stage.
- getGradientSize() - Method in class org.opencv.features2d.GFTTDetector
-
- getGradientThreshold() - Method in class org.opencv.objdetect.BarcodeDetector
-
Get detector gradient magnitude threshold.
- getGridSize() - Method in class org.opencv.objdetect.GridBoard
-
- getHardwareFeatureName(int) - Static method in class org.opencv.core.Core
-
Returns feature name by ID
Returns empty string if feature is not defined
- getHarrisDetector() - Method in class org.opencv.features2d.GFTTDetector
-
- getHeight(Object) - Method in interface org.opencv.android.CameraBridgeViewBase.ListItemAccessor
-
- getHeight(Object) - Method in class org.opencv.android.JavaCamera2View.JavaCameraSizeAccessor
-
- getHeight(Object) - Method in class org.opencv.android.JavaCameraView.JavaCameraSizeAccessor
-
- getHeight(Object) - Method in class org.opencv.android.NativeCameraView.OpenCvSizeAccessor
-
- getHistory() - Method in class org.opencv.video.BackgroundSubtractorKNN
-
Returns the number of last frames that affect the background model
- getHistory() - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Returns the number of last frames that affect the background model
- getIds() - Method in class org.opencv.objdetect.Board
-
vector of the identifiers of the markers in the board (should be the same size as objPoints)
- getInferenceEngineCPUType() - Static method in class org.opencv.dnn.Dnn
-
Returns Inference Engine CPU type.
- getInferenceEngineVPUType() - Static method in class org.opencv.dnn.Dnn
-
Returns Inference Engine VPU type.
- getInitialStepSize() - Method in class org.opencv.ml.SVMSGD
-
SEE: setInitialStepSize
- getInputDetails(MatOfFloat, MatOfInt) - Method in class org.opencv.dnn.Net
-
Returns input scale and zeropoint for a quantized Net.
- getInputSize() - Method in class org.opencv.objdetect.FaceDetectorYN
-
- getIntensity() - Method in class org.opencv.photo.TonemapReinhard
-
- getIntValue(int) - Method in class org.opencv.dnn.DictValue
-
- getIntValue() - Method in class org.opencv.dnn.DictValue
-
- getIppVersion() - Static method in class org.opencv.core.Core
-
- getIsClassifier() - Method in class org.opencv.ml.KNearest
-
SEE: setIsClassifier
- getIterations() - Method in class org.opencv.ml.LogisticRegression
-
SEE: setIterations
- getK() - Method in class org.opencv.features2d.GFTTDetector
-
- getKernelType() - Method in class org.opencv.ml.SVM
-
Type of a %SVM kernel.
- getkNNSamples() - Method in class org.opencv.video.BackgroundSubtractorKNN
-
Returns the number of neighbours, the k in the kNN.
- getLambda() - Method in class org.opencv.photo.CalibrateDebevec
-
- getLayer(int) - Method in class org.opencv.dnn.Net
-
Returns pointer to layer with specified id or name which the network use.
- getLayerId(String) - Method in class org.opencv.dnn.Net
-
Converts string name of the layer to the integer identifier.
- getLayerNames() - Method in class org.opencv.dnn.Net
-
- getLayersCount(String) - Method in class org.opencv.dnn.Net
-
Returns count of layers of specified type.
- getLayerSizes() - Method in class org.opencv.ml.ANN_MLP
-
Integer vector specifying the number of neurons in each layer including the input and output layers.
- getLayerTypes(List<String>) - Method in class org.opencv.dnn.Net
-
Returns list of types for layer used in model.
- getLayout() - Method in class org.opencv.ml.TrainData
-
- getLeadingEdgeList(MatOfInt) - Method in class org.opencv.imgproc.Subdiv2D
-
Returns a list of the leading edge ID connected to each triangle.
- getLearningRate() - Method in class org.opencv.ml.LogisticRegression
-
SEE: setLearningRate
- getLegacyPattern() - Method in class org.opencv.objdetect.CharucoBoard
-
- getLevels() - Method in class org.opencv.imgproc.GeneralizedHoughBallard
-
- getLevels() - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- getLightAdaptation() - Method in class org.opencv.photo.TonemapReinhard
-
- getMarginRegularization() - Method in class org.opencv.ml.SVMSGD
-
SEE: setMarginRegularization
- getMarginType() - Method in class org.opencv.ml.SVMSGD
-
SEE: setMarginType
- getMarkerLength() - Method in class org.opencv.objdetect.CharucoBoard
-
- getMarkerLength() - Method in class org.opencv.objdetect.GridBoard
-
- getMarkerSeparation() - Method in class org.opencv.objdetect.GridBoard
-
- getMaxAngle() - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- getMaxArea() - Method in class org.opencv.features2d.MSER
-
- getMaxBits() - Method in class org.opencv.photo.AlignMTB
-
- getMaxBufferSize() - Method in class org.opencv.imgproc.GeneralizedHough
-
- getMaxCandidates() - Method in class org.opencv.dnn.TextDetectionModel_DB
-
- getMaxCategories() - Method in class org.opencv.ml.DTrees
-
SEE: setMaxCategories
- getMaxDepth() - Method in class org.opencv.ml.DTrees
-
SEE: setMaxDepth
- getMaxEvolution() - Method in class org.opencv.features2d.MSER
-
- getMaxFeatures() - Method in class org.opencv.features2d.GFTTDetector
-
- getMaxFeatures() - Method in class org.opencv.features2d.ORB
-
- getMaxIter() - Method in class org.opencv.photo.CalibrateRobertson
-
- getMaxLevel() - Method in class org.opencv.video.SparsePyrLKOpticalFlow
-
- getMaxPoints() - Method in class org.opencv.features2d.AKAZE
-
- getMaxScale() - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- getMaxVariation() - Method in class org.opencv.features2d.MSER
-
- getMeans() - Method in class org.opencv.ml.EM
-
Returns the cluster centers (means of the Gaussian mixture)
Returns matrix with the number of rows equal to the number of mixtures and number of columns
equal to the space dimensionality.
- getMemoryConsumption(MatOfInt, long[], long[]) - Method in class org.opencv.dnn.Net
-
- getMemoryConsumption(int, List<MatOfInt>, long[], long[]) - Method in class org.opencv.dnn.Net
-
- getMemoryConsumption(int, MatOfInt, long[], long[]) - Method in class org.opencv.dnn.Net
-
- getMinAngle() - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- getMinArea() - Method in class org.opencv.features2d.MSER
-
- getMinDisparity() - Method in class org.opencv.calib3d.StereoMatcher
-
- getMinDist() - Method in class org.opencv.imgproc.GeneralizedHough
-
- getMinDistance() - Method in class org.opencv.features2d.GFTTDetector
-
- getMinDiversity() - Method in class org.opencv.features2d.MSER
-
- getMinEigThreshold() - Method in class org.opencv.video.SparsePyrLKOpticalFlow
-
- getMiniBatchSize() - Method in class org.opencv.ml.LogisticRegression
-
SEE: setMiniBatchSize
- getMinMargin() - Method in class org.opencv.features2d.MSER
-
- getMinSampleCount() - Method in class org.opencv.ml.DTrees
-
SEE: setMinSampleCount
- getMinScale() - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- getMissing() - Method in class org.opencv.ml.TrainData
-
- getMode() - Method in class org.opencv.calib3d.StereoSGBM
-
- getNAllVars() - Method in class org.opencv.ml.TrainData
-
- getNames(List<String>) - Method in class org.opencv.ml.TrainData
-
Returns vector of symbolic names captured in loadFromCSV()
- getNativeObjAddr() - Method in class org.opencv.calib3d.UsacParams
-
- getNativeObjAddr() - Method in class org.opencv.core.Algorithm
-
- getNativeObjAddr() - Method in class org.opencv.core.Mat
-
- getNativeObjAddr() - Method in class org.opencv.core.TickMeter
-
- getNativeObjAddr() - Method in class org.opencv.dnn.DictValue
-
- getNativeObjAddr() - Method in class org.opencv.dnn.Image2BlobParams
-
- getNativeObjAddr() - Method in class org.opencv.dnn.Model
-
- getNativeObjAddr() - Method in class org.opencv.dnn.Net
-
- getNativeObjAddr() - Method in class org.opencv.features2d.BOWImgDescriptorExtractor
-
- getNativeObjAddr() - Method in class org.opencv.features2d.BOWTrainer
-
- getNativeObjAddr() - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- getNativeObjAddr() - Method in class org.opencv.imgproc.IntelligentScissorsMB
-
- getNativeObjAddr() - Method in class org.opencv.imgproc.Subdiv2D
-
- getNativeObjAddr() - Method in class org.opencv.ml.ParamGrid
-
- getNativeObjAddr() - Method in class org.opencv.ml.TrainData
-
- getNativeObjAddr() - Method in class org.opencv.objdetect.Board
-
- getNativeObjAddr() - Method in class org.opencv.objdetect.CascadeClassifier
-
- getNativeObjAddr() - Method in class org.opencv.objdetect.CharucoParameters
-
- getNativeObjAddr() - Method in class org.opencv.objdetect.DetectorParameters
-
- getNativeObjAddr() - Method in class org.opencv.objdetect.Dictionary
-
- getNativeObjAddr() - Method in class org.opencv.objdetect.FaceDetectorYN
-
- getNativeObjAddr() - Method in class org.opencv.objdetect.FaceRecognizerSF
-
- getNativeObjAddr() - Method in class org.opencv.objdetect.GraphicalCodeDetector
-
- getNativeObjAddr() - Method in class org.opencv.objdetect.HOGDescriptor
-
- getNativeObjAddr() - Method in class org.opencv.objdetect.QRCodeDetectorAruco_Params
-
- getNativeObjAddr() - Method in class org.opencv.objdetect.QRCodeEncoder
-
- getNativeObjAddr() - Method in class org.opencv.objdetect.QRCodeEncoder_Params
-
- getNativeObjAddr() - Method in class org.opencv.objdetect.RefineParameters
-
- getNativeObjAddr() - Method in class org.opencv.video.KalmanFilter
-
- getNativeObjAddr() - Method in class org.opencv.video.Tracker
-
- getNativeObjAddr() - Method in class org.opencv.video.TrackerDaSiamRPN_Params
-
- getNativeObjAddr() - Method in class org.opencv.video.TrackerGOTURN_Params
-
- getNativeObjAddr() - Method in class org.opencv.video.TrackerMIL_Params
-
- getNativeObjAddr() - Method in class org.opencv.video.TrackerNano_Params
-
- getNativeObjAddr() - Method in class org.opencv.video.TrackerVit_Params
-
- getNativeObjAddr() - Method in class org.opencv.videoio.VideoCapture
-
- getNativeObjAddr() - Method in class org.opencv.videoio.VideoWriter
-
- getNFeatures() - Method in class org.opencv.features2d.SIFT
-
- getNLevels() - Method in class org.opencv.features2d.ORB
-
- getNMixtures() - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Returns the number of gaussian components in the background model
- getNmsAcrossClasses() - Method in class org.opencv.dnn.DetectionModel
-
Getter for nmsAcrossClasses.
- getNMSThreshold() - Method in class org.opencv.dnn.TextDetectionModel_EAST
-
Get the detection confidence threshold
- getNMSThreshold() - Method in class org.opencv.objdetect.FaceDetectorYN
-
- getNOctaveLayers() - Method in class org.opencv.features2d.AKAZE
-
- getNOctaveLayers() - Method in class org.opencv.features2d.KAZE
-
- getNOctaveLayers() - Method in class org.opencv.features2d.SIFT
-
- getNOctaves() - Method in class org.opencv.features2d.AKAZE
-
- getNOctaves() - Method in class org.opencv.features2d.KAZE
-
- getNonmaxSuppression() - Method in class org.opencv.features2d.AgastFeatureDetector
-
- getNonmaxSuppression() - Method in class org.opencv.features2d.FastFeatureDetector
-
- getNormCatResponses() - Method in class org.opencv.ml.TrainData
-
- getNSamples() - Method in class org.opencv.ml.TrainData
-
- getNSamples() - Method in class org.opencv.video.BackgroundSubtractorKNN
-
Returns the number of data samples in the background model
- getNTestSamples() - Method in class org.opencv.ml.TrainData
-
- getNTrainSamples() - Method in class org.opencv.ml.TrainData
-
- getNu() - Method in class org.opencv.ml.SVM
-
SEE: setNu
- getNumberOfCPUs() - Static method in class org.opencv.core.Core
-
Returns the number of logical CPUs available for the process.
- getNumDisparities() - Method in class org.opencv.calib3d.StereoMatcher
-
- getNumIters() - Method in class org.opencv.video.FarnebackOpticalFlow
-
- getNumLevels() - Method in class org.opencv.video.FarnebackOpticalFlow
-
- getNumThreads() - Static method in class org.opencv.core.Core
-
Returns the number of threads used by OpenCV for parallel regions.
- getNVars() - Method in class org.opencv.ml.TrainData
-
- getObjPoints() - Method in class org.opencv.objdetect.Board
-
return array of object points of all the marker corners in the board.
- getOctaves() - Method in class org.opencv.features2d.BRISK
-
- getOmega() - Method in class org.opencv.video.VariationalRefinement
-
Relaxation factor in SOR
SEE: setOmega
- getOOBError() - Method in class org.opencv.ml.RTrees
-
Returns the OOB error value, computed at the training stage when calcOOBError is set to true.
- getOptimalDFTSize(int) - Static method in class org.opencv.core.Core
-
Returns the optimal DFT size for a given vector size.
- getOptimalNewCameraMatrix(Mat, Mat, Size, double, Size, Rect, boolean) - Static method in class org.opencv.calib3d.Calib3d
-
Returns the new camera intrinsic matrix based on the free scaling parameter.
- getOptimalNewCameraMatrix(Mat, Mat, Size, double, Size, Rect) - Static method in class org.opencv.calib3d.Calib3d
-
Returns the new camera intrinsic matrix based on the free scaling parameter.
- getOptimalNewCameraMatrix(Mat, Mat, Size, double, Size) - Static method in class org.opencv.calib3d.Calib3d
-
Returns the new camera intrinsic matrix based on the free scaling parameter.
- getOptimalNewCameraMatrix(Mat, Mat, Size, double) - Static method in class org.opencv.calib3d.Calib3d
-
Returns the new camera intrinsic matrix based on the free scaling parameter.
- getOriginalWindowSize() - Method in class org.opencv.objdetect.CascadeClassifier
-
- getOutputDetails(MatOfFloat, MatOfInt) - Method in class org.opencv.dnn.Net
-
Returns output scale and zeropoint for a quantized Net.
- getP() - Method in class org.opencv.ml.SVM
-
SEE: setP
- getP1() - Method in class org.opencv.calib3d.StereoSGBM
-
- getP2() - Method in class org.opencv.calib3d.StereoSGBM
-
- getParam(int, int) - Method in class org.opencv.dnn.Net
-
Returns parameter blob of the layer.
- getParam(int) - Method in class org.opencv.dnn.Net
-
Returns parameter blob of the layer.
- getParam(String, int) - Method in class org.opencv.dnn.Net
-
- getParam(String) - Method in class org.opencv.dnn.Net
-
- getParams() - Method in class org.opencv.features2d.SimpleBlobDetector
-
- getPass2Only() - Method in class org.opencv.features2d.MSER
-
- getPatchSize() - Method in class org.opencv.features2d.ORB
-
- getPatchSize() - Method in class org.opencv.video.DISOpticalFlow
-
Size of an image patch for matching (in pixels).
- getPatchStride() - Method in class org.opencv.video.DISOpticalFlow
-
Stride between neighbor patches.
- getPatternScale() - Method in class org.opencv.features2d.BRISK
-
- getPerfProfile(MatOfDouble) - Method in class org.opencv.dnn.Net
-
Returns overall time for inference and timings (in ticks) for layers.
- getPerspectiveTransform(Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates a perspective transform from four pairs of the corresponding points.
- getPerspectiveTransform(Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates a perspective transform from four pairs of the corresponding points.
- getPolygonThreshold() - Method in class org.opencv.dnn.TextDetectionModel_DB
-
- getPolyN() - Method in class org.opencv.video.FarnebackOpticalFlow
-
- getPolySigma() - Method in class org.opencv.video.FarnebackOpticalFlow
-
- getPosThresh() - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- getPredefinedDictionary(int) - Static method in class org.opencv.objdetect.Objdetect
-
Returns one of the predefined dictionaries referenced by DICT_*.
- getPreFilterCap() - Method in class org.opencv.calib3d.StereoBM
-
- getPreFilterCap() - Method in class org.opencv.calib3d.StereoSGBM
-
- getPreFilterSize() - Method in class org.opencv.calib3d.StereoBM
-
- getPreFilterType() - Method in class org.opencv.calib3d.StereoBM
-
- getPriors() - Method in class org.opencv.ml.DTrees
-
SEE: setPriors
- getPyrScale() - Method in class org.opencv.video.FarnebackOpticalFlow
-
- getQualityLevel() - Method in class org.opencv.features2d.GFTTDetector
-
- getRadiance() - Method in class org.opencv.photo.CalibrateRobertson
-
- getRandom() - Method in class org.opencv.photo.CalibrateDebevec
-
- getRealValue(int) - Method in class org.opencv.dnn.DictValue
-
- getRealValue() - Method in class org.opencv.dnn.DictValue
-
- getRectSubPix(Mat, Size, Point, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
Retrieves a pixel rectangle from an image with sub-pixel accuracy.
- getRectSubPix(Mat, Size, Point, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Retrieves a pixel rectangle from an image with sub-pixel accuracy.
- getRefineParameters() - Method in class org.opencv.objdetect.ArucoDetector
-
- getRefineParameters() - Method in class org.opencv.objdetect.CharucoDetector
-
- getRegressionAccuracy() - Method in class org.opencv.ml.DTrees
-
SEE: setRegressionAccuracy
- getRegularization() - Method in class org.opencv.ml.LogisticRegression
-
SEE: setRegularization
- getResponses() - Method in class org.opencv.ml.TrainData
-
- getResponseType() - Method in class org.opencv.ml.TrainData
-
- getRightBottomCorner() - Method in class org.opencv.objdetect.Board
-
get coordinate of the bottom right corner of the board, is set when calling the function create()
- getROI1() - Method in class org.opencv.calib3d.StereoBM
-
- getROI2() - Method in class org.opencv.calib3d.StereoBM
-
- getRotationMatrix2D(Point, double, double) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates an affine matrix of 2D rotation.
- getRpropDW0() - Method in class org.opencv.ml.ANN_MLP
-
SEE: setRpropDW0
- getRpropDWMax() - Method in class org.opencv.ml.ANN_MLP
-
SEE: setRpropDWMax
- getRpropDWMin() - Method in class org.opencv.ml.ANN_MLP
-
SEE: setRpropDWMin
- getRpropDWMinus() - Method in class org.opencv.ml.ANN_MLP
-
SEE: setRpropDWMinus
- getRpropDWPlus() - Method in class org.opencv.ml.ANN_MLP
-
SEE: setRpropDWPlus
- getSample(Mat, int, float) - Method in class org.opencv.ml.TrainData
-
- getSamples() - Method in class org.opencv.ml.TrainData
-
- getSamples() - Method in class org.opencv.photo.CalibrateDebevec
-
- getSampleWeights() - Method in class org.opencv.ml.TrainData
-
- getSaturation() - Method in class org.opencv.photo.TonemapDrago
-
- getSaturation() - Method in class org.opencv.photo.TonemapMantiuk
-
- getSaturationWeight() - Method in class org.opencv.photo.MergeMertens
-
- getScale() - Method in class org.opencv.photo.TonemapMantiuk
-
- getScaleFactor() - Method in class org.opencv.features2d.ORB
-
- getScaleStep() - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- getScaleThresh() - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- getScoreThreshold() - Method in class org.opencv.objdetect.FaceDetectorYN
-
- getScoreType() - Method in class org.opencv.features2d.ORB
-
- getShadowThreshold() - Method in class org.opencv.video.BackgroundSubtractorKNN
-
Returns the shadow threshold
A shadow is detected if pixel is a darker version of the background.
- getShadowThreshold() - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Returns the shadow threshold
A shadow is detected if pixel is a darker version of the background.
- getShadowValue() - Method in class org.opencv.video.BackgroundSubtractorKNN
-
Returns the shadow value
Shadow value is the value used to mark shadows in the foreground mask.
- getShadowValue() - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Returns the shadow value
Shadow value is the value used to mark shadows in the foreground mask.
- getShift() - Method in class org.opencv.ml.SVMSGD
-
- getSigma() - Method in class org.opencv.features2d.SIFT
-
- getSmallerBlockSize() - Method in class org.opencv.calib3d.StereoBM
-
- getSorIterations() - Method in class org.opencv.video.VariationalRefinement
-
Number of inner successive over-relaxation (SOR) iterations
in the minimization procedure to solve the respective linear system.
- getSpeckleRange() - Method in class org.opencv.calib3d.StereoMatcher
-
- getSpeckleWindowSize() - Method in class org.opencv.calib3d.StereoMatcher
-
- getSquareLength() - Method in class org.opencv.objdetect.CharucoBoard
-
- getStepDecreasingPower() - Method in class org.opencv.ml.SVMSGD
-
SEE: setStepDecreasingPower
- getStreamBackendPluginVersion(int, int[], int[]) - Static method in class org.opencv.videoio.Videoio
-
Returns description and ABI/API version of videoio plugin's stream capture interface
- getStringValue(int) - Method in class org.opencv.dnn.DictValue
-
- getStringValue() - Method in class org.opencv.dnn.DictValue
-
- getStructuringElement(int, Size, Point) - Static method in class org.opencv.imgproc.Imgproc
-
Returns a structuring element of the specified size and shape for morphological operations.
- getStructuringElement(int, Size) - Static method in class org.opencv.imgproc.Imgproc
-
Returns a structuring element of the specified size and shape for morphological operations.
- getSubMatrix(Mat, Mat, int) - Static method in class org.opencv.ml.TrainData
-
Extract from matrix rows/cols specified by passed indexes.
- getSubVector(Mat, Mat) - Static method in class org.opencv.ml.TrainData
-
Extract from 1D vector elements specified by passed indexes.
- getSupportVectors() - Method in class org.opencv.ml.SVM
-
Retrieves all the support vectors
The method returns all the support vectors as a floating-point matrix, where support vectors are
stored as matrix rows.
- getSvmsgdType() - Method in class org.opencv.ml.SVMSGD
-
SEE: setSvmsgdType
- getTermCriteria() - Method in class org.opencv.ml.ANN_MLP
-
SEE: setTermCriteria
- getTermCriteria() - Method in class org.opencv.ml.EM
-
SEE: setTermCriteria
- getTermCriteria() - Method in class org.opencv.ml.LogisticRegression
-
SEE: setTermCriteria
- getTermCriteria() - Method in class org.opencv.ml.RTrees
-
SEE: setTermCriteria
- getTermCriteria() - Method in class org.opencv.ml.SVM
-
SEE: setTermCriteria
- getTermCriteria() - Method in class org.opencv.ml.SVMSGD
-
SEE: setTermCriteria
- getTermCriteria() - Method in class org.opencv.video.SparsePyrLKOpticalFlow
-
- getTestNormCatResponses() - Method in class org.opencv.ml.TrainData
-
- getTestResponses() - Method in class org.opencv.ml.TrainData
-
- getTestSampleIdx() - Method in class org.opencv.ml.TrainData
-
- getTestSamples() - Method in class org.opencv.ml.TrainData
-
Returns matrix of test samples
- getTestSampleWeights() - Method in class org.opencv.ml.TrainData
-
- getTextSize(String, int, double, int, int[]) - Static method in class org.opencv.imgproc.Imgproc
-
- getTextureThreshold() - Method in class org.opencv.calib3d.StereoBM
-
- getThreshold() - Method in class org.opencv.features2d.AgastFeatureDetector
-
- getThreshold() - Method in class org.opencv.features2d.AKAZE
-
- getThreshold() - Method in class org.opencv.features2d.BRISK
-
- getThreshold() - Method in class org.opencv.features2d.FastFeatureDetector
-
- getThreshold() - Method in class org.opencv.features2d.KAZE
-
- getThreshold() - Method in class org.opencv.photo.CalibrateRobertson
-
- getTickCount() - Static method in class org.opencv.core.Core
-
Returns the number of ticks.
- getTickFrequency() - Static method in class org.opencv.core.Core
-
Returns the number of ticks per second.
- getTilesGridSize() - Method in class org.opencv.imgproc.CLAHE
-
- getTimeMicro() - Method in class org.opencv.core.TickMeter
-
- getTimeMilli() - Method in class org.opencv.core.TickMeter
-
- getTimeSec() - Method in class org.opencv.core.TickMeter
-
- getTimeTicks() - Method in class org.opencv.core.TickMeter
-
- getTopK() - Method in class org.opencv.objdetect.FaceDetectorYN
-
- getTrackingScore() - Method in class org.opencv.video.TrackerDaSiamRPN
-
Return tracking score
- getTrackingScore() - Method in class org.opencv.video.TrackerNano
-
Return tracking score
- getTrackingScore() - Method in class org.opencv.video.TrackerVit
-
Return tracking score
- getTrainDescriptors() - Method in class org.opencv.features2d.DescriptorMatcher
-
Returns a constant link to the train descriptor collection trainDescCollection .
- getTrainMethod() - Method in class org.opencv.ml.ANN_MLP
-
Returns current training method
- getTrainMethod() - Method in class org.opencv.ml.LogisticRegression
-
SEE: setTrainMethod
- getTrainNormCatResponses() - Method in class org.opencv.ml.TrainData
-
Returns the vector of normalized categorical responses
The function returns vector of responses.
- getTrainResponses() - Method in class org.opencv.ml.TrainData
-
Returns the vector of responses
The function returns ordered or the original categorical responses.
- getTrainSampleIdx() - Method in class org.opencv.ml.TrainData
-
- getTrainSamples(int, boolean, boolean) - Method in class org.opencv.ml.TrainData
-
Returns matrix of train samples
- getTrainSamples(int, boolean) - Method in class org.opencv.ml.TrainData
-
Returns matrix of train samples
- getTrainSamples(int) - Method in class org.opencv.ml.TrainData
-
Returns matrix of train samples
- getTrainSamples() - Method in class org.opencv.ml.TrainData
-
Returns matrix of train samples
transposed.
- getTrainSampleWeights() - Method in class org.opencv.ml.TrainData
-
- getTriangleList(MatOfFloat6) - Method in class org.opencv.imgproc.Subdiv2D
-
Returns a list of all triangles.
- getTruncatePrunedTree() - Method in class org.opencv.ml.DTrees
-
SEE: setTruncatePrunedTree
- getType() - Method in class org.opencv.features2d.AgastFeatureDetector
-
- getType() - Method in class org.opencv.features2d.FastFeatureDetector
-
- getType() - Method in class org.opencv.ml.SVM
-
SEE: setType
- getUnclipRatio() - Method in class org.opencv.dnn.TextDetectionModel_DB
-
- getUncompressedSupportVectors() - Method in class org.opencv.ml.SVM
-
Retrieves all the uncompressed support vectors of a linear %SVM
The method returns all the uncompressed support vectors of a linear %SVM that the compressed
support vector, used for prediction, was derived from.
- getUnconnectedOutLayers() - Method in class org.opencv.dnn.Net
-
Returns indexes of layers with unconnected outputs.
- getUnconnectedOutLayersNames() - Method in class org.opencv.dnn.Net
-
Returns names of layers with unconnected outputs.
- getUniquenessRatio() - Method in class org.opencv.calib3d.StereoBM
-
- getUniquenessRatio() - Method in class org.opencv.calib3d.StereoSGBM
-
- getUpright() - Method in class org.opencv.features2d.KAZE
-
- getUse1SERule() - Method in class org.opencv.ml.DTrees
-
SEE: setUse1SERule
- getUseMeanNormalization() - Method in class org.opencv.video.DISOpticalFlow
-
Whether to use mean-normalization of patches when computing patch distance.
- getUseSpatialPropagation() - Method in class org.opencv.video.DISOpticalFlow
-
Whether to use spatial propagation of good optical flow vectors.
- getUseSurrogates() - Method in class org.opencv.ml.DTrees
-
SEE: setUseSurrogates
- getV() - Method in interface org.opencv.core.Mat.Atable
-
- getV2c() - Method in interface org.opencv.core.Mat.Atable
-
- getV3c() - Method in interface org.opencv.core.Mat.Atable
-
- getV4c() - Method in interface org.opencv.core.Mat.Atable
-
- getValidDisparityROI(Rect, Rect, int, int, int) - Static method in class org.opencv.calib3d.Calib3d
-
- getValues(int, Mat, float) - Method in class org.opencv.ml.TrainData
-
- getVarCount() - Method in class org.opencv.ml.StatModel
-
Returns the number of variables in training samples
- getVariationalRefinementAlpha() - Method in class org.opencv.video.DISOpticalFlow
-
Weight of the smoothness term
SEE: setVariationalRefinementAlpha
- getVariationalRefinementDelta() - Method in class org.opencv.video.DISOpticalFlow
-
Weight of the color constancy term
SEE: setVariationalRefinementDelta
- getVariationalRefinementEpsilon() - Method in class org.opencv.video.DISOpticalFlow
-
Norm value shift for robust penalizer
SEE: setVariationalRefinementEpsilon
- getVariationalRefinementGamma() - Method in class org.opencv.video.DISOpticalFlow
-
Weight of the gradient constancy term
SEE: setVariationalRefinementGamma
- getVariationalRefinementIterations() - Method in class org.opencv.video.DISOpticalFlow
-
Number of fixed point iterations of variational refinement per scale.
- getVarIdx() - Method in class org.opencv.ml.TrainData
-
- getVarImportance() - Method in class org.opencv.ml.RTrees
-
Returns the variable importance array.
- getVarInit() - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Returns the initial variance of each gaussian component
- getVarMax() - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
- getVarMin() - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
- getVarSymbolFlags() - Method in class org.opencv.ml.TrainData
-
- getVarThreshold() - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Returns the variance threshold for the pixel-model match
The main threshold on the squared Mahalanobis distance to decide if the sample is well described by
the background model or not.
- getVarThresholdGen() - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Returns the variance threshold for the pixel-model match used for new mixture component generation
Threshold for the squared Mahalanobis distance that helps decide when a sample is close to the
existing components (corresponds to Tg in the paper).
- getVarType() - Method in class org.opencv.ml.TrainData
-
- getVersionMajor() - Static method in class org.opencv.core.Core
-
Returns major library version
- getVersionMinor() - Static method in class org.opencv.core.Core
-
Returns minor library version
- getVersionRevision() - Static method in class org.opencv.core.Core
-
Returns revision field of the library version
- getVersionString() - Static method in class org.opencv.core.Core
-
Returns library version string
For example "3.4.1-dev".
- getVertex(int, int[]) - Method in class org.opencv.imgproc.Subdiv2D
-
Returns vertex location from vertex ID.
- getVertex(int) - Method in class org.opencv.imgproc.Subdiv2D
-
Returns vertex location from vertex ID.
- getViewParams(MatOfFloat, MatOfFloat) - Method in class org.opencv.features2d.AffineFeature
-
- getVocabulary() - Method in class org.opencv.dnn.TextRecognitionModel
-
Get the vocabulary for recognition.
- getVocabulary() - Method in class org.opencv.features2d.BOWImgDescriptorExtractor
-
Returns the set vocabulary.
- getVoronoiFacetList(MatOfInt, List<MatOfPoint2f>, MatOfPoint2f) - Method in class org.opencv.imgproc.Subdiv2D
-
Returns a list of all Voronoi facets.
- getVotes(Mat, Mat, int) - Method in class org.opencv.ml.RTrees
-
Returns the result of each individual tree in the forest.
- getVotesThreshold() - Method in class org.opencv.imgproc.GeneralizedHoughBallard
-
- getWeakCount() - Method in class org.opencv.ml.Boost
-
SEE: setWeakCount
- getWeights(int) - Method in class org.opencv.ml.ANN_MLP
-
- getWeights() - Method in class org.opencv.ml.EM
-
Returns weights of the mixtures
Returns vector with the number of elements equal to the number of mixtures.
- getWeights() - Method in class org.opencv.ml.SVMSGD
-
- getWeightTrimRate() - Method in class org.opencv.ml.Boost
-
SEE: setWeightTrimRate
- getWidth(Object) - Method in interface org.opencv.android.CameraBridgeViewBase.ListItemAccessor
-
- getWidth(Object) - Method in class org.opencv.android.JavaCamera2View.JavaCameraSizeAccessor
-
- getWidth(Object) - Method in class org.opencv.android.JavaCameraView.JavaCameraSizeAccessor
-
- getWidth(Object) - Method in class org.opencv.android.NativeCameraView.OpenCvSizeAccessor
-
- getWinSigma() - Method in class org.opencv.objdetect.HOGDescriptor
-
Returns winSigma value
- getWinSize() - Method in class org.opencv.video.FarnebackOpticalFlow
-
- getWinSize() - Method in class org.opencv.video.SparsePyrLKOpticalFlow
-
- getWriterBackendPluginVersion(int, int[], int[]) - Static method in class org.opencv.videoio.Videoio
-
Returns description and ABI/API version of videoio plugin's writer interface
- getWTA_K() - Method in class org.opencv.features2d.ORB
-
- getXi() - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- GFTTDetector - Class in org.opencv.features2d
-
Wrapping class for feature detection using the goodFeaturesToTrack function.
- goodFeaturesToTrack(Mat, MatOfPoint, int, double, double, Mat, int, boolean, double) - Static method in class org.opencv.imgproc.Imgproc
-
Determines strong corners on an image.
- goodFeaturesToTrack(Mat, MatOfPoint, int, double, double, Mat, int, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
Determines strong corners on an image.
- goodFeaturesToTrack(Mat, MatOfPoint, int, double, double, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
Determines strong corners on an image.
- goodFeaturesToTrack(Mat, MatOfPoint, int, double, double, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Determines strong corners on an image.
- goodFeaturesToTrack(Mat, MatOfPoint, int, double, double) - Static method in class org.opencv.imgproc.Imgproc
-
Determines strong corners on an image.
- goodFeaturesToTrack(Mat, MatOfPoint, int, double, double, Mat, int, int, boolean, double) - Static method in class org.opencv.imgproc.Imgproc
-
- goodFeaturesToTrack(Mat, MatOfPoint, int, double, double, Mat, int, int, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
- goodFeaturesToTrack(Mat, MatOfPoint, int, double, double, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
- goodFeaturesToTrackWithQuality(Mat, Mat, int, double, double, Mat, Mat, int, int, boolean, double) - Static method in class org.opencv.imgproc.Imgproc
-
Same as above, but returns also quality measure of the detected corners.
- goodFeaturesToTrackWithQuality(Mat, Mat, int, double, double, Mat, Mat, int, int, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
Same as above, but returns also quality measure of the detected corners.
- goodFeaturesToTrackWithQuality(Mat, Mat, int, double, double, Mat, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Same as above, but returns also quality measure of the detected corners.
- goodFeaturesToTrackWithQuality(Mat, Mat, int, double, double, Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
Same as above, but returns also quality measure of the detected corners.
- goodFeaturesToTrackWithQuality(Mat, Mat, int, double, double, Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Same as above, but returns also quality measure of the detected corners.
- GpuApiCallError - Static variable in class org.opencv.core.Core
-
- GpuNotSupported - Static variable in class org.opencv.core.Core
-
- grab() - Method in class org.opencv.videoio.VideoCapture
-
Grabs the next frame from video file or capturing device.
- grabCut(Mat, Mat, Rect, Mat, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Runs the GrabCut algorithm.
- grabCut(Mat, Mat, Rect, Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
Runs the GrabCut algorithm.
- GraphicalCodeDetector - Class in org.opencv.objdetect
-
- gray() - Method in interface org.opencv.android.CameraBridgeViewBase.CvCameraViewFrame
-
This method returns single channel gray scale Mat with frame
- GRAY - Static variable in class org.opencv.android.CameraBridgeViewBase
-
- gray() - Method in class org.opencv.android.CameraBridgeViewBase.RotatedCameraFrame
-
- GridBoard - Class in org.opencv.objdetect
-
Planar board with grid arrangement of markers
More common type of board.
- GridBoard(Size, float, float, Dictionary, Mat) - Constructor for class org.opencv.objdetect.GridBoard
-
GridBoard constructor
- GridBoard(Size, float, float, Dictionary) - Constructor for class org.opencv.objdetect.GridBoard
-
GridBoard constructor
- groupRectangles(MatOfRect, MatOfInt, int, double) - Static method in class org.opencv.objdetect.Objdetect
-
- groupRectangles(MatOfRect, MatOfInt, int) - Static method in class org.opencv.objdetect.Objdetect
-
- idct(Mat, Mat, int) - Static method in class org.opencv.core.Core
-
Calculates the inverse Discrete Cosine Transform of a 1D or 2D array.
- idct(Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates the inverse Discrete Cosine Transform of a 1D or 2D array.
- identify(Mat, int[], int[], double) - Method in class org.opencv.objdetect.Dictionary
-
Given a matrix of bits.
- IDENTITY - Static variable in class org.opencv.ml.ANN_MLP
-
- idft(Mat, Mat, int, int) - Static method in class org.opencv.core.Core
-
Calculates the inverse Discrete Fourier Transform of a 1D or 2D array.
- idft(Mat, Mat, int) - Static method in class org.opencv.core.Core
-
Calculates the inverse Discrete Fourier Transform of a 1D or 2D array.
- idft(Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates the inverse Discrete Fourier Transform of a 1D or 2D array.
- illuminationChange(Mat, Mat, Mat, float, float) - Static method in class org.opencv.photo.Photo
-
Applying an appropriate non-linear transformation to the gradient field inside the selection and
then integrating back with a Poisson solver, modifies locally the apparent illumination of an image.
- illuminationChange(Mat, Mat, Mat, float) - Static method in class org.opencv.photo.Photo
-
Applying an appropriate non-linear transformation to the gradient field inside the selection and
then integrating back with a Poisson solver, modifies locally the apparent illumination of an image.
- illuminationChange(Mat, Mat, Mat) - Static method in class org.opencv.photo.Photo
-
Applying an appropriate non-linear transformation to the gradient field inside the selection and
then integrating back with a Poisson solver, modifies locally the apparent illumination of an image.
- Image2BlobParams - Class in org.opencv.dnn
-
Processing params of image to blob.
- Image2BlobParams() - Constructor for class org.opencv.dnn.Image2BlobParams
-
- Image2BlobParams(Scalar, Size, Scalar, boolean, int, Scalar) - Constructor for class org.opencv.dnn.Image2BlobParams
-
- Image2BlobParams(Scalar, Size, Scalar, boolean, int) - Constructor for class org.opencv.dnn.Image2BlobParams
-
- Image2BlobParams(Scalar, Size, Scalar, boolean) - Constructor for class org.opencv.dnn.Image2BlobParams
-
- Image2BlobParams(Scalar, Size, Scalar) - Constructor for class org.opencv.dnn.Image2BlobParams
-
- Image2BlobParams(Scalar, Size) - Constructor for class org.opencv.dnn.Image2BlobParams
-
- Image2BlobParams(Scalar) - Constructor for class org.opencv.dnn.Image2BlobParams
-
- imagesFromBlob(Mat, List<Mat>) - Static method in class org.opencv.dnn.Dnn
-
Parse a 4D blob and output the images it contains as 2D arrays through a simpler data structure
(std::vector<cv::Mat>).
- imcount(String, int) - Static method in class org.opencv.imgcodecs.Imgcodecs
-
Returns the number of images inside the give file
The function imcount will return the number of pages in a multi-page image, or 1 for single-page images
- imcount(String) - Static method in class org.opencv.imgcodecs.Imgcodecs
-
Returns the number of images inside the give file
The function imcount will return the number of pages in a multi-page image, or 1 for single-page images
- imdecode(Mat, int) - Static method in class org.opencv.imgcodecs.Imgcodecs
-
Reads an image from a buffer in memory.
- imdecodemulti(Mat, int, List<Mat>, Range) - Static method in class org.opencv.imgcodecs.Imgcodecs
-
Reads a multi-page image from a buffer in memory.
- imdecodemulti(Mat, int, List<Mat>) - Static method in class org.opencv.imgcodecs.Imgcodecs
-
Reads a multi-page image from a buffer in memory.
- imencode(String, Mat, MatOfByte, MatOfInt) - Static method in class org.opencv.imgcodecs.Imgcodecs
-
Encodes an image into a memory buffer.
- imencode(String, Mat, MatOfByte) - Static method in class org.opencv.imgcodecs.Imgcodecs
-
Encodes an image into a memory buffer.
- Imgcodecs - Class in org.opencv.imgcodecs
-
- Imgcodecs() - Constructor for class org.opencv.imgcodecs.Imgcodecs
-
- imgIdx - Variable in class org.opencv.core.DMatch
-
Train image index.
- Imgproc - Class in org.opencv.imgproc
-
- Imgproc() - Constructor for class org.opencv.imgproc.Imgproc
-
- imread(String, int) - Static method in class org.opencv.imgcodecs.Imgcodecs
-
Loads an image from a file.
- imread(String) - Static method in class org.opencv.imgcodecs.Imgcodecs
-
Loads an image from a file.
- imread(String, Mat, int) - Static method in class org.opencv.imgcodecs.Imgcodecs
-
Loads an image from a file.
- imread(String, Mat) - Static method in class org.opencv.imgcodecs.Imgcodecs
-
Loads an image from a file.
- IMREAD_ANYCOLOR - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMREAD_ANYDEPTH - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMREAD_COLOR - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMREAD_GRAYSCALE - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMREAD_IGNORE_ORIENTATION - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMREAD_LOAD_GDAL - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMREAD_REDUCED_COLOR_2 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMREAD_REDUCED_COLOR_4 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMREAD_REDUCED_COLOR_8 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMREAD_REDUCED_GRAYSCALE_2 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMREAD_REDUCED_GRAYSCALE_4 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMREAD_REDUCED_GRAYSCALE_8 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMREAD_UNCHANGED - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- imreadmulti(String, List<Mat>, int) - Static method in class org.opencv.imgcodecs.Imgcodecs
-
Loads a multi-page image from a file.
- imreadmulti(String, List<Mat>) - Static method in class org.opencv.imgcodecs.Imgcodecs
-
Loads a multi-page image from a file.
- imreadmulti(String, List<Mat>, int, int, int) - Static method in class org.opencv.imgcodecs.Imgcodecs
-
Loads a of images of a multi-page image from a file.
- imreadmulti(String, List<Mat>, int, int) - Static method in class org.opencv.imgcodecs.Imgcodecs
-
Loads a of images of a multi-page image from a file.
- imwrite(String, Mat, MatOfInt) - Static method in class org.opencv.imgcodecs.Imgcodecs
-
Saves an image to a specified file.
- imwrite(String, Mat) - Static method in class org.opencv.imgcodecs.Imgcodecs
-
Saves an image to a specified file.
- IMWRITE_AVIF_DEPTH - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_AVIF_QUALITY - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_AVIF_SPEED - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_EXR_COMPRESSION - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_EXR_COMPRESSION_B44 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_EXR_COMPRESSION_B44A - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_EXR_COMPRESSION_DWAA - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_EXR_COMPRESSION_DWAB - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_EXR_COMPRESSION_NO - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_EXR_COMPRESSION_PIZ - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_EXR_COMPRESSION_PXR24 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_EXR_COMPRESSION_RLE - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_EXR_COMPRESSION_ZIP - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_EXR_COMPRESSION_ZIPS - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_EXR_DWA_COMPRESSION_LEVEL - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_EXR_TYPE - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_EXR_TYPE_FLOAT - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_EXR_TYPE_HALF - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_HDR_COMPRESSION - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_HDR_COMPRESSION_NONE - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_HDR_COMPRESSION_RLE - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_JPEG2000_COMPRESSION_X1000 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_JPEG_CHROMA_QUALITY - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_JPEG_LUMA_QUALITY - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_JPEG_OPTIMIZE - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_JPEG_PROGRESSIVE - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_JPEG_QUALITY - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_JPEG_RST_INTERVAL - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_JPEG_SAMPLING_FACTOR - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_JPEG_SAMPLING_FACTOR_411 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_JPEG_SAMPLING_FACTOR_420 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_JPEG_SAMPLING_FACTOR_422 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_JPEG_SAMPLING_FACTOR_440 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_JPEG_SAMPLING_FACTOR_444 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_PAM_FORMAT_BLACKANDWHITE - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_PAM_FORMAT_GRAYSCALE - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_PAM_FORMAT_GRAYSCALE_ALPHA - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_PAM_FORMAT_NULL - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_PAM_FORMAT_RGB - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_PAM_FORMAT_RGB_ALPHA - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_PAM_TUPLETYPE - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_PNG_BILEVEL - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_PNG_COMPRESSION - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_PNG_STRATEGY - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_PNG_STRATEGY_DEFAULT - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_PNG_STRATEGY_FILTERED - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_PNG_STRATEGY_FIXED - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_PNG_STRATEGY_HUFFMAN_ONLY - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_PNG_STRATEGY_RLE - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_PXM_BINARY - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_ADOBE_DEFLATE - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_CCITT_T4 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_CCITT_T6 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_CCITTFAX3 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_CCITTFAX4 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_CCITTRLE - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_CCITTRLEW - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_DCS - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_DEFLATE - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_IT8BL - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_IT8CTPAD - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_IT8LW - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_IT8MP - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_JBIG - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_JP2000 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_JPEG - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_JXL - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_LERC - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_LZMA - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_LZW - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_NEXT - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_NONE - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_OJPEG - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_PACKBITS - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_PIXARFILM - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_PIXARLOG - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_SGILOG - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_SGILOG24 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_T43 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_T85 - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_THUNDERSCAN - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_WEBP - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_COMPRESSION_ZSTD - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_PREDICTOR - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_PREDICTOR_FLOATINGPOINT - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_PREDICTOR_HORIZONTAL - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_PREDICTOR_NONE - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_RESUNIT - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_ROWSPERSTRIP - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_XDPI - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_TIFF_YDPI - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- IMWRITE_WEBP_QUALITY - Static variable in class org.opencv.imgcodecs.Imgcodecs
-
- imwritemulti(String, List<Mat>, MatOfInt) - Static method in class org.opencv.imgcodecs.Imgcodecs
-
- imwritemulti(String, List<Mat>) - Static method in class org.opencv.imgcodecs.Imgcodecs
-
- init() - Method in class org.opencv.android.FpsMeter
-
- init() - Method in class org.opencv.osgi.OpenCVNativeLoader
-
- init(Mat, Rect) - Method in class org.opencv.video.Tracker
-
Initialize the tracker with a known bounding box that surrounded the target
- initCameraMatrix2D(List<MatOfPoint3f>, List<MatOfPoint2f>, Size, double) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an initial camera intrinsic matrix from 3D-2D point correspondences.
- initCameraMatrix2D(List<MatOfPoint3f>, List<MatOfPoint2f>, Size) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an initial camera intrinsic matrix from 3D-2D point correspondences.
- initDelaunay(Rect) - Method in class org.opencv.imgproc.Subdiv2D
-
Creates a new empty Delaunay subdivision
- initInverseRectificationMap(Mat, Mat, Mat, Mat, Size, int, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Computes the projection and inverse-rectification transformation map.
- initLocal() - Static method in class org.opencv.android.OpenCVLoader
-
Loads and initializes OpenCV library from current application package.
- initUndistortRectifyMap(Mat, Mat, Mat, Mat, Size, int, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Computes the undistortion and rectification transformation map.
- inpaint(Mat, Mat, Mat, double, int) - Static method in class org.opencv.photo.Photo
-
Restores the selected region in an image using the region neighborhood.
- INPAINT_NS - Static variable in class org.opencv.photo.Photo
-
- INPAINT_TELEA - Static variable in class org.opencv.photo.Photo
-
- inRange(Mat, Scalar, Scalar, Mat) - Static method in class org.opencv.core.Core
-
Checks if array elements lie between the elements of two other arrays.
- insert(Point) - Method in class org.opencv.imgproc.Subdiv2D
-
Insert a single point into a Delaunay triangulation.
- insert(MatOfPoint2f) - Method in class org.opencv.imgproc.Subdiv2D
-
Insert multiple points into a Delaunay triangulation.
- insertChannel(Mat, Mat, int) - Static method in class org.opencv.core.Core
-
Inserts a single channel to dst (coi is 0-based index)
- inside(Rect) - Method in class org.opencv.core.Point
-
- integral(Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
- integral(Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
- integral2(Mat, Mat, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
- integral2(Mat, Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
- integral2(Mat, Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
- integral3(Mat, Mat, Mat, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the integral of an image.
- integral3(Mat, Mat, Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the integral of an image.
- integral3(Mat, Mat, Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the integral of an image.
- IntelligentScissorsMB - Class in org.opencv.imgproc
-
Intelligent Scissors image segmentation
This class is used to find the path (contour) between two points
which can be used for image segmentation.
- IntelligentScissorsMB() - Constructor for class org.opencv.imgproc.IntelligentScissorsMB
-
- INTER - Static variable in class org.opencv.ml.SVM
-
- INTER_AREA - Static variable in class org.opencv.imgproc.Imgproc
-
- INTER_BITS - Static variable in class org.opencv.imgproc.Imgproc
-
- INTER_BITS2 - Static variable in class org.opencv.imgproc.Imgproc
-
- INTER_CUBIC - Static variable in class org.opencv.imgproc.Imgproc
-
- INTER_LANCZOS4 - Static variable in class org.opencv.imgproc.Imgproc
-
- INTER_LINEAR - Static variable in class org.opencv.imgproc.Imgproc
-
- INTER_LINEAR_EXACT - Static variable in class org.opencv.imgproc.Imgproc
-
- INTER_MAX - Static variable in class org.opencv.imgproc.Imgproc
-
- INTER_NEAREST - Static variable in class org.opencv.imgproc.Imgproc
-
- INTER_NEAREST_EXACT - Static variable in class org.opencv.imgproc.Imgproc
-
- INTER_TAB_SIZE - Static variable in class org.opencv.imgproc.Imgproc
-
- INTER_TAB_SIZE2 - Static variable in class org.opencv.imgproc.Imgproc
-
- INTERSECT_FULL - Static variable in class org.opencv.imgproc.Imgproc
-
- INTERSECT_NONE - Static variable in class org.opencv.imgproc.Imgproc
-
- INTERSECT_PARTIAL - Static variable in class org.opencv.imgproc.Imgproc
-
- intersectConvexConvex(Mat, Mat, Mat, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
Finds intersection of two convex polygons
- intersectConvexConvex(Mat, Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Finds intersection of two convex polygons
- intersection(Range) - Method in class org.opencv.core.Range
-
- inv(int) - Method in class org.opencv.core.Mat
-
- inv() - Method in class org.opencv.core.Mat
-
- invert(Mat, Mat, int) - Static method in class org.opencv.core.Core
-
Finds the inverse or pseudo-inverse of a matrix.
- invert(Mat, Mat) - Static method in class org.opencv.core.Core
-
Finds the inverse or pseudo-inverse of a matrix.
- invertAffineTransform(Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Inverts an affine transformation.
- isBackendBuiltIn(int) - Static method in class org.opencv.videoio.Videoio
-
Returns true if backend is built in (false if backend is used as plugin)
- isClassifier() - Method in class org.opencv.ml.StatModel
-
Returns true if the model is classifier
- isContinuous() - Method in class org.opencv.core.Mat
-
- isContourConvex(MatOfPoint) - Static method in class org.opencv.imgproc.Imgproc
-
Tests a contour convexity.
- isInt() - Method in class org.opencv.dnn.DictValue
-
- isInteger(int) - Static method in class org.opencv.core.CvType
-
- isMaskSupported() - Method in class org.opencv.features2d.DescriptorMatcher
-
Returns true if the descriptor matcher supports masking permissible matches.
- isOldFormatCascade() - Method in class org.opencv.objdetect.CascadeClassifier
-
- isOpened() - Method in class org.opencv.videoio.VideoCapture
-
Returns true if video capturing has been initialized already.
- isOpened() - Method in class org.opencv.videoio.VideoWriter
-
Returns true if video writer has been successfully initialized.
- isReal() - Method in class org.opencv.core.Scalar
-
- isReal() - Method in class org.opencv.dnn.DictValue
-
- isString() - Method in class org.opencv.dnn.DictValue
-
- isSubmatrix() - Method in class org.opencv.core.Mat
-
- isTrained() - Method in class org.opencv.ml.StatModel
-
Returns true if the model is trained
- P - Static variable in class org.opencv.ml.SVM
-
- Param_ALGORITHM - Static variable in class org.opencv.core.Core
-
- Param_BOOLEAN - Static variable in class org.opencv.core.Core
-
- Param_FLOAT - Static variable in class org.opencv.core.Core
-
- Param_INT - Static variable in class org.opencv.core.Core
-
- Param_MAT - Static variable in class org.opencv.core.Core
-
- Param_MAT_VECTOR - Static variable in class org.opencv.core.Core
-
- Param_REAL - Static variable in class org.opencv.core.Core
-
- Param_SCALAR - Static variable in class org.opencv.core.Core
-
- Param_STRING - Static variable in class org.opencv.core.Core
-
- Param_UCHAR - Static variable in class org.opencv.core.Core
-
- Param_UINT64 - Static variable in class org.opencv.core.Core
-
- Param_UNSIGNED_INT - Static variable in class org.opencv.core.Core
-
- ParamGrid - Class in org.opencv.ml
-
The structure represents the logarithmic grid range of statmodel parameters.
- patchNaNs(Mat, double) - Static method in class org.opencv.core.Core
-
Replaces NaNs by given number
- patchNaNs(Mat) - Static method in class org.opencv.core.Core
-
Replaces NaNs by given number
- PCA_DATA_AS_COL - Static variable in class org.opencv.core.Core
-
- PCA_DATA_AS_ROW - Static variable in class org.opencv.core.Core
-
- PCA_USE_AVG - Static variable in class org.opencv.core.Core
-
- PCABackProject(Mat, Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
wrap PCA::backProject
- PCACompute(Mat, Mat, Mat, int) - Static method in class org.opencv.core.Core
-
wrap PCA::operator()
- PCACompute(Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
wrap PCA::operator()
- PCACompute(Mat, Mat, Mat, double) - Static method in class org.opencv.core.Core
-
wrap PCA::operator()
- PCACompute2(Mat, Mat, Mat, Mat, int) - Static method in class org.opencv.core.Core
-
wrap PCA::operator() and add eigenvalues output parameter
- PCACompute2(Mat, Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
wrap PCA::operator() and add eigenvalues output parameter
- PCACompute2(Mat, Mat, Mat, Mat, double) - Static method in class org.opencv.core.Core
-
wrap PCA::operator() and add eigenvalues output parameter
- PCAProject(Mat, Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
wrap PCA::project
- pencilSketch(Mat, Mat, Mat, float, float, float) - Static method in class org.opencv.photo.Photo
-
Pencil-like non-photorealistic line drawing
- pencilSketch(Mat, Mat, Mat, float, float) - Static method in class org.opencv.photo.Photo
-
Pencil-like non-photorealistic line drawing
- pencilSketch(Mat, Mat, Mat, float) - Static method in class org.opencv.photo.Photo
-
Pencil-like non-photorealistic line drawing
- pencilSketch(Mat, Mat, Mat) - Static method in class org.opencv.photo.Photo
-
Pencil-like non-photorealistic line drawing
- perspectiveTransform(Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Performs the perspective matrix transformation of vectors.
- phase(Mat, Mat, Mat, boolean) - Static method in class org.opencv.core.Core
-
Calculates the rotation angle of 2D vectors.
- phase(Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates the rotation angle of 2D vectors.
- phaseCorrelate(Mat, Mat, Mat, double[]) - Static method in class org.opencv.imgproc.Imgproc
-
The function is used to detect translational shifts that occur between two images.
- phaseCorrelate(Mat, Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
The function is used to detect translational shifts that occur between two images.
- phaseCorrelate(Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
The function is used to detect translational shifts that occur between two images.
- Photo - Class in org.opencv.photo
-
- Photo() - Constructor for class org.opencv.photo.Photo
-
- Point - Class in org.opencv.core
-
- Point(double, double) - Constructor for class org.opencv.core.Point
-
- Point() - Constructor for class org.opencv.core.Point
-
- Point(double[]) - Constructor for class org.opencv.core.Point
-
- Point3 - Class in org.opencv.core
-
- Point3(double, double, double) - Constructor for class org.opencv.core.Point3
-
- Point3() - Constructor for class org.opencv.core.Point3
-
- Point3(Point) - Constructor for class org.opencv.core.Point3
-
- Point3(double[]) - Constructor for class org.opencv.core.Point3
-
- pointPolygonTest(MatOfPoint2f, Point, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
Performs a point-in-contour test.
- points(Point[]) - Method in class org.opencv.core.RotatedRect
-
- polarToCart(Mat, Mat, Mat, Mat, boolean) - Static method in class org.opencv.core.Core
-
Calculates x and y coordinates of 2D vectors from their magnitude and angle.
- polarToCart(Mat, Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates x and y coordinates of 2D vectors from their magnitude and angle.
- POLY - Static variable in class org.opencv.ml.SVM
-
- polylines(Mat, List<MatOfPoint>, boolean, Scalar, int, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws several polygonal curves.
- polylines(Mat, List<MatOfPoint>, boolean, Scalar, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws several polygonal curves.
- polylines(Mat, List<MatOfPoint>, boolean, Scalar, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws several polygonal curves.
- polylines(Mat, List<MatOfPoint>, boolean, Scalar) - Static method in class org.opencv.imgproc.Imgproc
-
Draws several polygonal curves.
- pow(Mat, double, Mat) - Static method in class org.opencv.core.Core
-
Raises every array element to a power.
- preCornerDetect(Mat, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates a feature map for corner detection.
- preCornerDetect(Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates a feature map for corner detection.
- predict(Mat, List<Mat>) - Method in class org.opencv.dnn.Model
-
Given the input
frame, create input blob, run net and return the output blobs
.
- predict(Mat, Mat, int) - Method in class org.opencv.ml.EM
-
Returns posterior probabilities for the provided samples
- predict(Mat, Mat) - Method in class org.opencv.ml.EM
-
Returns posterior probabilities for the provided samples
- predict(Mat) - Method in class org.opencv.ml.EM
-
Returns posterior probabilities for the provided samples
- predict(Mat, Mat, int) - Method in class org.opencv.ml.LogisticRegression
-
Predicts responses for input samples and returns a float type.
- predict(Mat, Mat) - Method in class org.opencv.ml.LogisticRegression
-
Predicts responses for input samples and returns a float type.
- predict(Mat) - Method in class org.opencv.ml.LogisticRegression
-
Predicts responses for input samples and returns a float type.
- predict(Mat, Mat, int) - Method in class org.opencv.ml.StatModel
-
Predicts response(s) for the provided sample(s)
- predict(Mat, Mat) - Method in class org.opencv.ml.StatModel
-
Predicts response(s) for the provided sample(s)
- predict(Mat) - Method in class org.opencv.ml.StatModel
-
Predicts response(s) for the provided sample(s)
- predict(Mat) - Method in class org.opencv.video.KalmanFilter
-
Computes a predicted state.
- predict() - Method in class org.opencv.video.KalmanFilter
-
Computes a predicted state.
- predict2(Mat, Mat) - Method in class org.opencv.ml.EM
-
Returns a likelihood logarithm value and an index of the most probable mixture component
for the given sample.
- PREDICT_AUTO - Static variable in class org.opencv.ml.DTrees
-
- PREDICT_MASK - Static variable in class org.opencv.ml.DTrees
-
- PREDICT_MAX_VOTE - Static variable in class org.opencv.ml.DTrees
-
- PREDICT_SUM - Static variable in class org.opencv.ml.DTrees
-
- predictProb(Mat, Mat, Mat, int) - Method in class org.opencv.ml.NormalBayesClassifier
-
Predicts the response for sample(s).
- predictProb(Mat, Mat, Mat) - Method in class org.opencv.ml.NormalBayesClassifier
-
Predicts the response for sample(s).
- PREFILTER_NORMALIZED_RESPONSE - Static variable in class org.opencv.calib3d.StereoBM
-
- PREFILTER_XSOBEL - Static variable in class org.opencv.calib3d.StereoBM
-
- PREPROCESSED_INPUT - Static variable in class org.opencv.ml.StatModel
-
- PRESET_FAST - Static variable in class org.opencv.video.DISOpticalFlow
-
- PRESET_MEDIUM - Static variable in class org.opencv.video.DISOpticalFlow
-
- PRESET_ULTRAFAST - Static variable in class org.opencv.video.DISOpticalFlow
-
- PREV_AROUND_DST - Static variable in class org.opencv.imgproc.Subdiv2D
-
- PREV_AROUND_LEFT - Static variable in class org.opencv.imgproc.Subdiv2D
-
- PREV_AROUND_ORG - Static variable in class org.opencv.imgproc.Subdiv2D
-
- PREV_AROUND_RIGHT - Static variable in class org.opencv.imgproc.Subdiv2D
-
- process(List<Mat>, List<Mat>, Mat, Mat) - Method in class org.opencv.photo.AlignExposures
-
Aligns images
- process(List<Mat>, List<Mat>, Mat, Mat) - Method in class org.opencv.photo.AlignMTB
-
- process(List<Mat>, List<Mat>) - Method in class org.opencv.photo.AlignMTB
-
Short version of process, that doesn't take extra arguments.
- process(List<Mat>, Mat, Mat) - Method in class org.opencv.photo.CalibrateCRF
-
Recovers inverse camera response.
- process(List<Mat>, Mat, Mat, Mat) - Method in class org.opencv.photo.MergeDebevec
-
- process(List<Mat>, Mat, Mat) - Method in class org.opencv.photo.MergeDebevec
-
- process(List<Mat>, Mat, Mat, Mat) - Method in class org.opencv.photo.MergeExposures
-
Merges images.
- process(List<Mat>, Mat, Mat, Mat) - Method in class org.opencv.photo.MergeMertens
-
- process(List<Mat>, Mat) - Method in class org.opencv.photo.MergeMertens
-
Short version of process, that doesn't take extra arguments.
- process(List<Mat>, Mat, Mat, Mat) - Method in class org.opencv.photo.MergeRobertson
-
- process(List<Mat>, Mat, Mat) - Method in class org.opencv.photo.MergeRobertson
-
- process(Mat, Mat) - Method in class org.opencv.photo.Tonemap
-
Tonemaps image
- PROJ_SPHERICAL_EQRECT - Static variable in class org.opencv.calib3d.Calib3d
-
- PROJ_SPHERICAL_ORTHO - Static variable in class org.opencv.calib3d.Calib3d
-
- projectPoints(MatOfPoint3f, Mat, Mat, Mat, MatOfDouble, MatOfPoint2f, Mat, double) - Static method in class org.opencv.calib3d.Calib3d
-
Projects 3D points to an image plane.
- projectPoints(MatOfPoint3f, Mat, Mat, Mat, MatOfDouble, MatOfPoint2f, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Projects 3D points to an image plane.
- projectPoints(MatOfPoint3f, Mat, Mat, Mat, MatOfDouble, MatOfPoint2f) - Static method in class org.opencv.calib3d.Calib3d
-
Projects 3D points to an image plane.
- PSNR(Mat, Mat, double) - Static method in class org.opencv.core.Core
-
Computes the Peak Signal-to-Noise Ratio (PSNR) image quality metric.
- PSNR(Mat, Mat) - Static method in class org.opencv.core.Core
-
Computes the Peak Signal-to-Noise Ratio (PSNR) image quality metric.
- pt - Variable in class org.opencv.core.KeyPoint
-
Coordinates of the keypoint.
- PTLOC_ERROR - Static variable in class org.opencv.imgproc.Subdiv2D
-
- PTLOC_INSIDE - Static variable in class org.opencv.imgproc.Subdiv2D
-
- PTLOC_ON_EDGE - Static variable in class org.opencv.imgproc.Subdiv2D
-
- PTLOC_OUTSIDE_RECT - Static variable in class org.opencv.imgproc.Subdiv2D
-
- PTLOC_VERTEX - Static variable in class org.opencv.imgproc.Subdiv2D
-
- push_back(Mat) - Method in class org.opencv.core.Mat
-
- put(int, int, double...) - Method in class org.opencv.core.Mat
-
- put(int[], double...) - Method in class org.opencv.core.Mat
-
- put(int, int, float[]) - Method in class org.opencv.core.Mat
-
- put(int[], float[]) - Method in class org.opencv.core.Mat
-
- put(int, int, int[]) - Method in class org.opencv.core.Mat
-
- put(int[], int[]) - Method in class org.opencv.core.Mat
-
- put(int, int, short[]) - Method in class org.opencv.core.Mat
-
- put(int[], short[]) - Method in class org.opencv.core.Mat
-
- put(int, int, byte[]) - Method in class org.opencv.core.Mat
-
- put(int[], byte[]) - Method in class org.opencv.core.Mat
-
- put(int, int, byte[], int, int) - Method in class org.opencv.core.Mat
-
- put(int[], byte[], int, int) - Method in class org.opencv.core.Mat
-
- putText(Mat, String, Point, int, double, Scalar, int, int, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a text string.
- putText(Mat, String, Point, int, double, Scalar, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a text string.
- putText(Mat, String, Point, int, double, Scalar, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a text string.
- putText(Mat, String, Point, int, double, Scalar) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a text string.
- pyrDown(Mat, Mat, Size, int) - Static method in class org.opencv.imgproc.Imgproc
-
Blurs an image and downsamples it.
- pyrDown(Mat, Mat, Size) - Static method in class org.opencv.imgproc.Imgproc
-
Blurs an image and downsamples it.
- pyrDown(Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Blurs an image and downsamples it.
- pyrMeanShiftFiltering(Mat, Mat, double, double, int, TermCriteria) - Static method in class org.opencv.imgproc.Imgproc
-
Performs initial step of meanshift segmentation of an image.
- pyrMeanShiftFiltering(Mat, Mat, double, double, int) - Static method in class org.opencv.imgproc.Imgproc
-
Performs initial step of meanshift segmentation of an image.
- pyrMeanShiftFiltering(Mat, Mat, double, double) - Static method in class org.opencv.imgproc.Imgproc
-
Performs initial step of meanshift segmentation of an image.
- pyrUp(Mat, Mat, Size, int) - Static method in class org.opencv.imgproc.Imgproc
-
Upsamples an image and then blurs it.
- pyrUp(Mat, Mat, Size) - Static method in class org.opencv.imgproc.Imgproc
-
Upsamples an image and then blurs it.
- pyrUp(Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Upsamples an image and then blurs it.
- radiusMatch(Mat, Mat, List<MatOfDMatch>, float, Mat, boolean) - Method in class org.opencv.features2d.DescriptorMatcher
-
For each query descriptor, finds the training descriptors not farther than the specified distance.
- radiusMatch(Mat, Mat, List<MatOfDMatch>, float, Mat) - Method in class org.opencv.features2d.DescriptorMatcher
-
For each query descriptor, finds the training descriptors not farther than the specified distance.
- radiusMatch(Mat, Mat, List<MatOfDMatch>, float) - Method in class org.opencv.features2d.DescriptorMatcher
-
For each query descriptor, finds the training descriptors not farther than the specified distance.
- radiusMatch(Mat, List<MatOfDMatch>, float, List<Mat>, boolean) - Method in class org.opencv.features2d.DescriptorMatcher
-
- radiusMatch(Mat, List<MatOfDMatch>, float, List<Mat>) - Method in class org.opencv.features2d.DescriptorMatcher
-
- radiusMatch(Mat, List<MatOfDMatch>, float) - Method in class org.opencv.features2d.DescriptorMatcher
-
- randn(Mat, double, double) - Static method in class org.opencv.core.Core
-
Fills the array with normally distributed random numbers.
- randShuffle(Mat, double) - Static method in class org.opencv.core.Core
-
Shuffles the array elements randomly.
- randShuffle(Mat) - Static method in class org.opencv.core.Core
-
Shuffles the array elements randomly.
- randu(Mat, double, double) - Static method in class org.opencv.core.Core
-
Generates a single uniformly-distributed random number or an array of random numbers.
- Range - Class in org.opencv.core
-
- Range(int, int) - Constructor for class org.opencv.core.Range
-
- Range() - Constructor for class org.opencv.core.Range
-
- Range(double[]) - Constructor for class org.opencv.core.Range
-
- RANSAC - Static variable in class org.opencv.calib3d.Calib3d
-
- RAW_OUTPUT - Static variable in class org.opencv.ml.StatModel
-
- RBF - Static variable in class org.opencv.ml.SVM
-
- read(String) - Method in class org.opencv.features2d.DescriptorMatcher
-
- read(String) - Method in class org.opencv.features2d.Feature2D
-
- read(Mat) - Method in class org.opencv.videoio.VideoCapture
-
Grabs, decodes and returns the next video frame.
- readFromModelOptimizer(String, String) - Static method in class org.opencv.dnn.Net
-
Create a network from Intel's Model Optimizer intermediate representation (IR).
- readFromModelOptimizer(MatOfByte, MatOfByte) - Static method in class org.opencv.dnn.Net
-
Create a network from Intel's Model Optimizer in-memory buffers with intermediate representation (IR).
- readNet(String, String, String) - Static method in class org.opencv.dnn.Dnn
-
Read deep learning network represented in one of the supported formats.
- readNet(String, String) - Static method in class org.opencv.dnn.Dnn
-
Read deep learning network represented in one of the supported formats.
- readNet(String) - Static method in class org.opencv.dnn.Dnn
-
Read deep learning network represented in one of the supported formats.
- readNet(String, MatOfByte, MatOfByte) - Static method in class org.opencv.dnn.Dnn
-
Read deep learning network represented in one of the supported formats.
- readNet(String, MatOfByte) - Static method in class org.opencv.dnn.Dnn
-
Read deep learning network represented in one of the supported formats.
- readNetFromCaffe(String, String) - Static method in class org.opencv.dnn.Dnn
-
Reads a network model stored in <a href="http://caffe.berkeleyvision.org">Caffe</a> framework's format.
- readNetFromCaffe(String) - Static method in class org.opencv.dnn.Dnn
-
Reads a network model stored in <a href="http://caffe.berkeleyvision.org">Caffe</a> framework's format.
- readNetFromCaffe(MatOfByte, MatOfByte) - Static method in class org.opencv.dnn.Dnn
-
Reads a network model stored in Caffe model in memory.
- readNetFromCaffe(MatOfByte) - Static method in class org.opencv.dnn.Dnn
-
Reads a network model stored in Caffe model in memory.
- readNetFromDarknet(String, String) - Static method in class org.opencv.dnn.Dnn
-
Reads a network model stored in <a href="https://pjreddie.com/darknet/">Darknet</a> model files.
- readNetFromDarknet(String) - Static method in class org.opencv.dnn.Dnn
-
Reads a network model stored in <a href="https://pjreddie.com/darknet/">Darknet</a> model files.
- readNetFromDarknet(MatOfByte, MatOfByte) - Static method in class org.opencv.dnn.Dnn
-
Reads a network model stored in <a href="https://pjreddie.com/darknet/">Darknet</a> model files.
- readNetFromDarknet(MatOfByte) - Static method in class org.opencv.dnn.Dnn
-
Reads a network model stored in <a href="https://pjreddie.com/darknet/">Darknet</a> model files.
- readNetFromModelOptimizer(String, String) - Static method in class org.opencv.dnn.Dnn
-
Load a network from Intel's Model Optimizer intermediate representation.
- readNetFromModelOptimizer(String) - Static method in class org.opencv.dnn.Dnn
-
Load a network from Intel's Model Optimizer intermediate representation.
- readNetFromModelOptimizer(MatOfByte, MatOfByte) - Static method in class org.opencv.dnn.Dnn
-
Load a network from Intel's Model Optimizer intermediate representation.
- readNetFromONNX(String) - Static method in class org.opencv.dnn.Dnn
-
Reads a network model <a href="https://onnx.ai/">ONNX</a>.
- readNetFromONNX(MatOfByte) - Static method in class org.opencv.dnn.Dnn
-
Reads a network model from <a href="https://onnx.ai/">ONNX</a>
in-memory buffer.
- readNetFromTensorflow(String, String) - Static method in class org.opencv.dnn.Dnn
-
Reads a network model stored in <a href="https://www.tensorflow.org/">TensorFlow</a> framework's format.
- readNetFromTensorflow(String) - Static method in class org.opencv.dnn.Dnn
-
Reads a network model stored in <a href="https://www.tensorflow.org/">TensorFlow</a> framework's format.
- readNetFromTensorflow(MatOfByte, MatOfByte) - Static method in class org.opencv.dnn.Dnn
-
Reads a network model stored in <a href="https://www.tensorflow.org/">TensorFlow</a> framework's format.
- readNetFromTensorflow(MatOfByte) - Static method in class org.opencv.dnn.Dnn
-
Reads a network model stored in <a href="https://www.tensorflow.org/">TensorFlow</a> framework's format.
- readNetFromTFLite(String) - Static method in class org.opencv.dnn.Dnn
-
Reads a network model stored in <a href="https://www.tensorflow.org/lite">TFLite</a> framework's format.
- readNetFromTFLite(MatOfByte) - Static method in class org.opencv.dnn.Dnn
-
Reads a network model stored in <a href="https://www.tensorflow.org/lite">TFLite</a> framework's format.
- readNetFromTorch(String, boolean, boolean) - Static method in class org.opencv.dnn.Dnn
-
Reads a network model stored in <a href="http://torch.ch">Torch7</a> framework's format.
- readNetFromTorch(String, boolean) - Static method in class org.opencv.dnn.Dnn
-
Reads a network model stored in <a href="http://torch.ch">Torch7</a> framework's format.
- readNetFromTorch(String) - Static method in class org.opencv.dnn.Dnn
-
Reads a network model stored in <a href="http://torch.ch">Torch7</a> framework's format.
- readOpticalFlow(String) - Static method in class org.opencv.video.Video
-
Read a .flo file
- readTensorFromONNX(String) - Static method in class org.opencv.dnn.Dnn
-
Creates blob from .pb file.
- readTorchBlob(String, boolean) - Static method in class org.opencv.dnn.Dnn
-
Loads blob which was serialized as torch.Tensor object of Torch7 framework.
- readTorchBlob(String) - Static method in class org.opencv.dnn.Dnn
-
Loads blob which was serialized as torch.Tensor object of Torch7 framework.
- REAL - Static variable in class org.opencv.ml.Boost
-
- recognize(Mat) - Method in class org.opencv.dnn.TextRecognitionModel
-
Given the input
frame, create input blob, run net and return recognition result
- recognize(Mat, List<Mat>, List<String>) - Method in class org.opencv.dnn.TextRecognitionModel
-
Given the input
frame, create input blob, run net and return recognition result
- recoverPose(Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, int, double, double, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Recovers the relative camera rotation and the translation from corresponding points in two images from two different cameras, using cheirality check.
- recoverPose(Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, int, double, double) - Static method in class org.opencv.calib3d.Calib3d
-
Recovers the relative camera rotation and the translation from corresponding points in two images from two different cameras, using cheirality check.
- recoverPose(Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, int, double) - Static method in class org.opencv.calib3d.Calib3d
-
Recovers the relative camera rotation and the translation from corresponding points in two images from two different cameras, using cheirality check.
- recoverPose(Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
-
Recovers the relative camera rotation and the translation from corresponding points in two images from two different cameras, using cheirality check.
- recoverPose(Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Recovers the relative camera rotation and the translation from corresponding points in two images from two different cameras, using cheirality check.
- recoverPose(Mat, Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Recovers the relative camera rotation and the translation from an estimated essential
matrix and the corresponding points in two images, using chirality check.
- recoverPose(Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Recovers the relative camera rotation and the translation from an estimated essential
matrix and the corresponding points in two images, using chirality check.
- recoverPose(Mat, Mat, Mat, Mat, Mat, double, Point, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
- recoverPose(Mat, Mat, Mat, Mat, Mat, double, Point) - Static method in class org.opencv.calib3d.Calib3d
-
- recoverPose(Mat, Mat, Mat, Mat, Mat, double) - Static method in class org.opencv.calib3d.Calib3d
-
- recoverPose(Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
- recoverPose(Mat, Mat, Mat, Mat, Mat, Mat, double, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
- recoverPose(Mat, Mat, Mat, Mat, Mat, Mat, double, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
- recoverPose(Mat, Mat, Mat, Mat, Mat, Mat, double) - Static method in class org.opencv.calib3d.Calib3d
-
- Rect - Class in org.opencv.core
-
- Rect(int, int, int, int) - Constructor for class org.opencv.core.Rect
-
- Rect() - Constructor for class org.opencv.core.Rect
-
- Rect(Point, Point) - Constructor for class org.opencv.core.Rect
-
- Rect(Point, Size) - Constructor for class org.opencv.core.Rect
-
- Rect(double[]) - Constructor for class org.opencv.core.Rect
-
- Rect2d - Class in org.opencv.core
-
- Rect2d(double, double, double, double) - Constructor for class org.opencv.core.Rect2d
-
- Rect2d() - Constructor for class org.opencv.core.Rect2d
-
- Rect2d(Point, Point) - Constructor for class org.opencv.core.Rect2d
-
- Rect2d(Point, Size) - Constructor for class org.opencv.core.Rect2d
-
- Rect2d(double[]) - Constructor for class org.opencv.core.Rect2d
-
- rectangle(Mat, Point, Point, Scalar, int, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a simple, thick, or filled up-right rectangle.
- rectangle(Mat, Point, Point, Scalar, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a simple, thick, or filled up-right rectangle.
- rectangle(Mat, Point, Point, Scalar, int) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a simple, thick, or filled up-right rectangle.
- rectangle(Mat, Point, Point, Scalar) - Static method in class org.opencv.imgproc.Imgproc
-
Draws a simple, thick, or filled up-right rectangle.
- rectangle(Mat, Rect, Scalar, int, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
use rec
parameter as alternative specification of the drawn rectangle: `r.tl() and
r.br()-Point(1,1)` are opposite corners
- rectangle(Mat, Rect, Scalar, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
use rec
parameter as alternative specification of the drawn rectangle: `r.tl() and
r.br()-Point(1,1)` are opposite corners
- rectangle(Mat, Rect, Scalar, int) - Static method in class org.opencv.imgproc.Imgproc
-
use rec
parameter as alternative specification of the drawn rectangle: `r.tl() and
r.br()-Point(1,1)` are opposite corners
- rectangle(Mat, Rect, Scalar) - Static method in class org.opencv.imgproc.Imgproc
-
use rec
parameter as alternative specification of the drawn rectangle: `r.tl() and
r.br()-Point(1,1)` are opposite corners
- rectify3Collinear(Mat, Mat, Mat, Mat, Mat, Mat, List<Mat>, List<Mat>, Size, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, Mat, double, Size, Rect, Rect, int) - Static method in class org.opencv.calib3d.Calib3d
-
- RECURS_FILTER - Static variable in class org.opencv.photo.Photo
-
- reduce(Mat, Mat, int, int, int) - Static method in class org.opencv.core.Core
-
Reduces a matrix to a vector.
- reduce(Mat, Mat, int, int) - Static method in class org.opencv.core.Core
-
Reduces a matrix to a vector.
- REDUCE_AVG - Static variable in class org.opencv.core.Core
-
- REDUCE_MAX - Static variable in class org.opencv.core.Core
-
- REDUCE_MIN - Static variable in class org.opencv.core.Core
-
- REDUCE_SUM - Static variable in class org.opencv.core.Core
-
- REDUCE_SUM2 - Static variable in class org.opencv.core.Core
-
- reduceArgMax(Mat, Mat, int, boolean) - Static method in class org.opencv.core.Core
-
Finds indices of max elements along provided axis
Note:
- If input or output array is not continuous, this function will create an internal copy.
- reduceArgMax(Mat, Mat, int) - Static method in class org.opencv.core.Core
-
Finds indices of max elements along provided axis
Note:
- If input or output array is not continuous, this function will create an internal copy.
- reduceArgMin(Mat, Mat, int, boolean) - Static method in class org.opencv.core.Core
-
Finds indices of min elements along provided axis
Note:
- If input or output array is not continuous, this function will create an internal copy.
- reduceArgMin(Mat, Mat, int) - Static method in class org.opencv.core.Core
-
Finds indices of min elements along provided axis
Note:
- If input or output array is not continuous, this function will create an internal copy.
- refineDetectedMarkers(Mat, Board, List<Mat>, Mat, List<Mat>, Mat, Mat, Mat) - Method in class org.opencv.objdetect.ArucoDetector
-
Refine not detected markers based on the already detected and the board layout
- refineDetectedMarkers(Mat, Board, List<Mat>, Mat, List<Mat>, Mat, Mat) - Method in class org.opencv.objdetect.ArucoDetector
-
Refine not detected markers based on the already detected and the board layout
- refineDetectedMarkers(Mat, Board, List<Mat>, Mat, List<Mat>, Mat) - Method in class org.opencv.objdetect.ArucoDetector
-
Refine not detected markers based on the already detected and the board layout
- refineDetectedMarkers(Mat, Board, List<Mat>, Mat, List<Mat>) - Method in class org.opencv.objdetect.ArucoDetector
-
Refine not detected markers based on the already detected and the board layout
- RefineParameters - Class in org.opencv.objdetect
-
struct RefineParameters is used by ArucoDetector
- RefineParameters(float, float, boolean) - Constructor for class org.opencv.objdetect.RefineParameters
-
- RefineParameters(float, float) - Constructor for class org.opencv.objdetect.RefineParameters
-
- RefineParameters(float) - Constructor for class org.opencv.objdetect.RefineParameters
-
- RefineParameters() - Constructor for class org.opencv.objdetect.RefineParameters
-
- REG_DISABLE - Static variable in class org.opencv.ml.LogisticRegression
-
- REG_L1 - Static variable in class org.opencv.ml.LogisticRegression
-
- REG_L2 - Static variable in class org.opencv.ml.LogisticRegression
-
- release() - Method in interface org.opencv.android.CameraBridgeViewBase.CvCameraViewFrame
-
- release() - Method in class org.opencv.android.CameraBridgeViewBase.RotatedCameraFrame
-
- release() - Method in class org.opencv.core.Mat
-
- release() - Method in class org.opencv.videoio.VideoCapture
-
Closes video file or capturing device.
- release() - Method in class org.opencv.videoio.VideoWriter
-
Closes the video writer.
- releaseHDDLPlugin() - Static method in class org.opencv.dnn.Dnn
-
Release a HDDL plugin.
- RELU - Static variable in class org.opencv.ml.ANN_MLP
-
- remap(Mat, Mat, Mat, Mat, int, int, Scalar) - Static method in class org.opencv.imgproc.Imgproc
-
Applies a generic geometrical transformation to an image.
- remap(Mat, Mat, Mat, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Applies a generic geometrical transformation to an image.
- remap(Mat, Mat, Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
Applies a generic geometrical transformation to an image.
- repeat(Mat, int, int, Mat) - Static method in class org.opencv.core.Core
-
Fills the output array with repeated copies of the input array.
- reprojectImageTo3D(Mat, Mat, Mat, boolean, int) - Static method in class org.opencv.calib3d.Calib3d
-
Reprojects a disparity image to 3D space.
- reprojectImageTo3D(Mat, Mat, Mat, boolean) - Static method in class org.opencv.calib3d.Calib3d
-
Reprojects a disparity image to 3D space.
- reprojectImageTo3D(Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Reprojects a disparity image to 3D space.
- reset() - Method in class org.opencv.core.TickMeter
-
- resetMyriadDevice() - Static method in class org.opencv.dnn.Dnn
-
Release a Myriad device (binded by OpenCV).
- reshape(int, int) - Method in class org.opencv.core.Mat
-
- reshape(int) - Method in class org.opencv.core.Mat
-
- reshape(int, int[]) - Method in class org.opencv.core.Mat
-
- resize(Mat, Mat, Size, double, double, int) - Static method in class org.opencv.imgproc.Imgproc
-
Resizes an image.
- resize(Mat, Mat, Size, double, double) - Static method in class org.opencv.imgproc.Imgproc
-
Resizes an image.
- resize(Mat, Mat, Size, double) - Static method in class org.opencv.imgproc.Imgproc
-
Resizes an image.
- resize(Mat, Mat, Size) - Static method in class org.opencv.imgproc.Imgproc
-
Resizes an image.
- response - Variable in class org.opencv.core.KeyPoint
-
The response, by which the strongest keypoints have been selected.
- RETR_CCOMP - Static variable in class org.opencv.imgproc.Imgproc
-
- RETR_EXTERNAL - Static variable in class org.opencv.imgproc.Imgproc
-
- RETR_FLOODFILL - Static variable in class org.opencv.imgproc.Imgproc
-
- RETR_LIST - Static variable in class org.opencv.imgproc.Imgproc
-
- RETR_TREE - Static variable in class org.opencv.imgproc.Imgproc
-
- retrieve(Mat, int) - Method in class org.opencv.videoio.VideoCapture
-
Decodes and returns the grabbed video frame.
- retrieve(Mat) - Method in class org.opencv.videoio.VideoCapture
-
Decodes and returns the grabbed video frame.
- rgba() - Method in interface org.opencv.android.CameraBridgeViewBase.CvCameraViewFrame
-
This method returns RGBA Mat with frame
- RGBA - Static variable in class org.opencv.android.CameraBridgeViewBase
-
- rgba() - Method in class org.opencv.android.CameraBridgeViewBase.RotatedCameraFrame
-
- RHO - Static variable in class org.opencv.calib3d.Calib3d
-
- RNG_NORMAL - Static variable in class org.opencv.core.Core
-
- RNG_UNIFORM - Static variable in class org.opencv.core.Core
-
- Rodrigues(Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Converts a rotation matrix to a rotation vector or vice versa.
- Rodrigues(Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Converts a rotation matrix to a rotation vector or vice versa.
- rotate(Mat, Mat, int) - Static method in class org.opencv.core.Core
-
Rotates a 2D array in multiples of 90 degrees.
- ROTATE_180 - Static variable in class org.opencv.core.Core
-
- ROTATE_90_CLOCKWISE - Static variable in class org.opencv.core.Core
-
- ROTATE_90_COUNTERCLOCKWISE - Static variable in class org.opencv.core.Core
-
- RotatedCameraFrame(CameraBridgeViewBase.CvCameraViewFrame, int) - Constructor for class org.opencv.android.CameraBridgeViewBase.RotatedCameraFrame
-
- RotatedRect - Class in org.opencv.core
-
- RotatedRect() - Constructor for class org.opencv.core.RotatedRect
-
- RotatedRect(Point, Size, double) - Constructor for class org.opencv.core.RotatedRect
-
- RotatedRect(double[]) - Constructor for class org.opencv.core.RotatedRect
-
- rotatedRectangleIntersection(RotatedRect, RotatedRect, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Finds out if there is any intersection between two rotated rectangles.
- rotateEdge(int, int) - Method in class org.opencv.imgproc.Subdiv2D
-
Returns another edge of the same quad-edge.
- row(int) - Method in class org.opencv.core.Mat
-
- ROW_SAMPLE - Static variable in class org.opencv.ml.Ml
-
- rowRange(int, int) - Method in class org.opencv.core.Mat
-
- rowRange(Range) - Method in class org.opencv.core.Mat
-
- rows() - Method in class org.opencv.core.Mat
-
- RPROP - Static variable in class org.opencv.ml.ANN_MLP
-
- RQDecomp3x3(Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an RQ decomposition of 3x3 matrices.
- RQDecomp3x3(Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an RQ decomposition of 3x3 matrices.
- RQDecomp3x3(Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an RQ decomposition of 3x3 matrices.
- RQDecomp3x3(Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Computes an RQ decomposition of 3x3 matrices.
- RTrees - Class in org.opencv.ml
-
The class implements the random forest predictor.
- SAMPLING_NAPSAC - Static variable in class org.opencv.calib3d.Calib3d
-
- SAMPLING_PROGRESSIVE_NAPSAC - Static variable in class org.opencv.calib3d.Calib3d
-
- SAMPLING_PROSAC - Static variable in class org.opencv.calib3d.Calib3d
-
- SAMPLING_UNIFORM - Static variable in class org.opencv.calib3d.Calib3d
-
- sampsonDistance(Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Calculates the Sampson Distance between two points.
- save(String) - Method in class org.opencv.core.Algorithm
-
Saves the algorithm to a file.
- save(String, String) - Method in class org.opencv.objdetect.HOGDescriptor
-
saves HOGDescriptor parameters and coefficients for the linear SVM classifier to a file
- save(String) - Method in class org.opencv.objdetect.HOGDescriptor
-
saves HOGDescriptor parameters and coefficients for the linear SVM classifier to a file
- Scalar - Class in org.opencv.core
-
- Scalar(double, double, double, double) - Constructor for class org.opencv.core.Scalar
-
- Scalar(double, double, double) - Constructor for class org.opencv.core.Scalar
-
- Scalar(double, double) - Constructor for class org.opencv.core.Scalar
-
- Scalar(double) - Constructor for class org.opencv.core.Scalar
-
- Scalar(double[]) - Constructor for class org.opencv.core.Scalar
-
- scaleAdd(Mat, double, Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates the sum of a scaled array and another array.
- Scharr(Mat, Mat, int, int, int, double, double, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the first x- or y- image derivative using Scharr operator.
- Scharr(Mat, Mat, int, int, int, double, double) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the first x- or y- image derivative using Scharr operator.
- Scharr(Mat, Mat, int, int, int, double) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the first x- or y- image derivative using Scharr operator.
- Scharr(Mat, Mat, int, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the first x- or y- image derivative using Scharr operator.
- SCORE_METHOD_LMEDS - Static variable in class org.opencv.calib3d.Calib3d
-
- SCORE_METHOD_MAGSAC - Static variable in class org.opencv.calib3d.Calib3d
-
- SCORE_METHOD_MSAC - Static variable in class org.opencv.calib3d.Calib3d
-
- SCORE_METHOD_RANSAC - Static variable in class org.opencv.calib3d.Calib3d
-
- seamlessClone(Mat, Mat, Mat, Point, Mat, int) - Static method in class org.opencv.photo.Photo
-
Image editing tasks concern either global changes (color/intensity corrections, filters,
deformations) or local changes concerned to a selection.
- segment(Mat, Mat) - Method in class org.opencv.dnn.SegmentationModel
-
Given the input
frame, create input blob, run net
- SegmentationModel - Class in org.opencv.dnn
-
This class represents high-level API for segmentation models
SegmentationModel allows to set params for preprocessing input image.
- SegmentationModel(String, String) - Constructor for class org.opencv.dnn.SegmentationModel
-
Create segmentation model from network represented in one of the supported formats.
- SegmentationModel(String) - Constructor for class org.opencv.dnn.SegmentationModel
-
Create segmentation model from network represented in one of the supported formats.
- SegmentationModel(Net) - Constructor for class org.opencv.dnn.SegmentationModel
-
Create model from deep learning network.
- sepFilter2D(Mat, Mat, int, Mat, Mat, Point, double, int) - Static method in class org.opencv.imgproc.Imgproc
-
Applies a separable linear filter to an image.
- sepFilter2D(Mat, Mat, int, Mat, Mat, Point, double) - Static method in class org.opencv.imgproc.Imgproc
-
Applies a separable linear filter to an image.
- sepFilter2D(Mat, Mat, int, Mat, Mat, Point) - Static method in class org.opencv.imgproc.Imgproc
-
Applies a separable linear filter to an image.
- sepFilter2D(Mat, Mat, int, Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Applies a separable linear filter to an image.
- set(double[]) - Method in class org.opencv.core.Point
-
- set(double[]) - Method in class org.opencv.core.Point3
-
- set(double[]) - Method in class org.opencv.core.Range
-
- set(double[]) - Method in class org.opencv.core.Rect
-
- set(double[]) - Method in class org.opencv.core.Rect2d
-
- set(double[]) - Method in class org.opencv.core.RotatedRect
-
- set(double[]) - Method in class org.opencv.core.Scalar
-
- set(double[]) - Method in class org.opencv.core.Size
-
- set(double[]) - Method in class org.opencv.core.TermCriteria
-
- set(double[]) - Method in class org.opencv.imgproc.Moments
-
- set(int, double) - Method in class org.opencv.videoio.VideoCapture
-
Sets a property in the VideoCapture.
- set(int, double) - Method in class org.opencv.videoio.VideoWriter
-
Sets a property in the VideoWriter.
- set_adaptiveThreshConstant(double) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_adaptiveThreshWinSizeMax(int) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_adaptiveThreshWinSizeMin(int) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_adaptiveThreshWinSizeStep(int) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_aprilTagCriticalRad(float) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_aprilTagDeglitch(int) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_aprilTagMaxLineFitMse(float) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_aprilTagMaxNmaxima(int) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_aprilTagMinClusterPixels(int) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_aprilTagMinWhiteBlackDiff(int) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_aprilTagQuadDecimate(float) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_aprilTagQuadSigma(float) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_backbone(String) - Method in class org.opencv.video.TrackerNano_Params
-
- set_backend(int) - Method in class org.opencv.video.TrackerDaSiamRPN_Params
-
- set_backend(int) - Method in class org.opencv.video.TrackerNano_Params
-
- set_backend(int) - Method in class org.opencv.video.TrackerVit_Params
-
- set_blobs(List<Mat>) - Method in class org.opencv.dnn.Layer
-
- set_borderValue(Scalar) - Method in class org.opencv.dnn.Image2BlobParams
-
- set_bytesList(Mat) - Method in class org.opencv.objdetect.Dictionary
-
- set_cameraMatrix(Mat) - Method in class org.opencv.objdetect.CharucoParameters
-
- set_checkAllOrders(boolean) - Method in class org.opencv.objdetect.RefineParameters
-
- set_collectContours(boolean) - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- set_confidence(double) - Method in class org.opencv.calib3d.UsacParams
-
- set_controlMatrix(Mat) - Method in class org.opencv.video.KalmanFilter
-
- set_cornerRefinementMaxIterations(int) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_cornerRefinementMethod(int) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_cornerRefinementMinAccuracy(double) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_cornerRefinementWinSize(int) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_ddepth(int) - Method in class org.opencv.dnn.Image2BlobParams
-
- set_detectInvertedMarker(boolean) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_distCoeffs(Mat) - Method in class org.opencv.objdetect.CharucoParameters
-
- set_errorCorrectionRate(double) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_errorCorrectionRate(float) - Method in class org.opencv.objdetect.RefineParameters
-
- set_errorCovPost(Mat) - Method in class org.opencv.video.KalmanFilter
-
- set_errorCovPre(Mat) - Method in class org.opencv.video.KalmanFilter
-
- set_featureSetNumFeatures(int) - Method in class org.opencv.video.TrackerMIL_Params
-
- set_filterByArea(boolean) - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- set_filterByCircularity(boolean) - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- set_filterByColor(boolean) - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- set_filterByConvexity(boolean) - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- set_filterByInertia(boolean) - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- set_final_polisher(int) - Method in class org.opencv.calib3d.UsacParams
-
- set_final_polisher_iterations(int) - Method in class org.opencv.calib3d.UsacParams
-
- set_gain(Mat) - Method in class org.opencv.video.KalmanFilter
-
- set_isParallel(boolean) - Method in class org.opencv.calib3d.UsacParams
-
- set_kernel_cls1(String) - Method in class org.opencv.video.TrackerDaSiamRPN_Params
-
- set_kernel_r1(String) - Method in class org.opencv.video.TrackerDaSiamRPN_Params
-
- set_logStep(double) - Method in class org.opencv.ml.ParamGrid
-
- set_loIterations(int) - Method in class org.opencv.calib3d.UsacParams
-
- set_loMethod(int) - Method in class org.opencv.calib3d.UsacParams
-
- set_loSampleSize(int) - Method in class org.opencv.calib3d.UsacParams
-
- set_m00(double) - Method in class org.opencv.imgproc.Moments
-
- set_m01(double) - Method in class org.opencv.imgproc.Moments
-
- set_m02(double) - Method in class org.opencv.imgproc.Moments
-
- set_m03(double) - Method in class org.opencv.imgproc.Moments
-
- set_m10(double) - Method in class org.opencv.imgproc.Moments
-
- set_m11(double) - Method in class org.opencv.imgproc.Moments
-
- set_m12(double) - Method in class org.opencv.imgproc.Moments
-
- set_m20(double) - Method in class org.opencv.imgproc.Moments
-
- set_m21(double) - Method in class org.opencv.imgproc.Moments
-
- set_m30(double) - Method in class org.opencv.imgproc.Moments
-
- set_markerBorderBits(int) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_markerSize(int) - Method in class org.opencv.objdetect.Dictionary
-
- set_maxArea(float) - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- set_maxCircularity(float) - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- set_maxColorsMismatch(float) - Method in class org.opencv.objdetect.QRCodeDetectorAruco_Params
-
- set_maxConvexity(float) - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- set_maxCorrectionBits(int) - Method in class org.opencv.objdetect.Dictionary
-
- set_maxErroneousBitsInBorderRate(double) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_maxInertiaRatio(float) - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- set_maxIterations(int) - Method in class org.opencv.calib3d.UsacParams
-
- set_maxMarkerPerimeterRate(double) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_maxModuleSizeMismatch(float) - Method in class org.opencv.objdetect.QRCodeDetectorAruco_Params
-
- set_maxPenalties(float) - Method in class org.opencv.objdetect.QRCodeDetectorAruco_Params
-
- set_maxRotation(float) - Method in class org.opencv.objdetect.QRCodeDetectorAruco_Params
-
- set_maxThreshold(float) - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- set_maxTimingPatternMismatch(float) - Method in class org.opencv.objdetect.QRCodeDetectorAruco_Params
-
- set_maxVal(double) - Method in class org.opencv.ml.ParamGrid
-
- set_mean(Scalar) - Method in class org.opencv.dnn.Image2BlobParams
-
- set_meanvalue(Scalar) - Method in class org.opencv.video.TrackerVit_Params
-
- set_measurementMatrix(Mat) - Method in class org.opencv.video.KalmanFilter
-
- set_measurementNoiseCov(Mat) - Method in class org.opencv.video.KalmanFilter
-
- set_minArea(float) - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- set_minCircularity(float) - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- set_minConvexity(float) - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- set_minCornerDistanceRate(double) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_minDistanceToBorder(int) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_minDistBetweenBlobs(float) - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- set_minGroupDistance(float) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_minInertiaRatio(float) - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- set_minMarkerDistanceRate(double) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_minMarkerLengthRatioOriginalImg(float) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_minMarkerPerimeterRate(double) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_minMarkers(int) - Method in class org.opencv.objdetect.CharucoParameters
-
- set_minModuleSizeInPyramid(float) - Method in class org.opencv.objdetect.QRCodeDetectorAruco_Params
-
- set_minOtsuStdDev(double) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_minRepDistance(float) - Method in class org.opencv.objdetect.RefineParameters
-
- set_minRepeatability(long) - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- set_minSideLengthCanonicalImg(int) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_minThreshold(float) - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- set_minVal(double) - Method in class org.opencv.ml.ParamGrid
-
- set_model(String) - Method in class org.opencv.video.TrackerDaSiamRPN_Params
-
- set_modelBin(String) - Method in class org.opencv.video.TrackerGOTURN_Params
-
- set_modelTxt(String) - Method in class org.opencv.video.TrackerGOTURN_Params
-
- set_mu02(double) - Method in class org.opencv.imgproc.Moments
-
- set_mu03(double) - Method in class org.opencv.imgproc.Moments
-
- set_mu11(double) - Method in class org.opencv.imgproc.Moments
-
- set_mu12(double) - Method in class org.opencv.imgproc.Moments
-
- set_mu20(double) - Method in class org.opencv.imgproc.Moments
-
- set_mu21(double) - Method in class org.opencv.imgproc.Moments
-
- set_mu30(double) - Method in class org.opencv.imgproc.Moments
-
- set_neckhead(String) - Method in class org.opencv.video.TrackerNano_Params
-
- set_neighborsSearch(int) - Method in class org.opencv.calib3d.UsacParams
-
- set_net(String) - Method in class org.opencv.video.TrackerVit_Params
-
- set_nu02(double) - Method in class org.opencv.imgproc.Moments
-
- set_nu03(double) - Method in class org.opencv.imgproc.Moments
-
- set_nu11(double) - Method in class org.opencv.imgproc.Moments
-
- set_nu12(double) - Method in class org.opencv.imgproc.Moments
-
- set_nu20(double) - Method in class org.opencv.imgproc.Moments
-
- set_nu21(double) - Method in class org.opencv.imgproc.Moments
-
- set_nu30(double) - Method in class org.opencv.imgproc.Moments
-
- set_perspectiveRemoveIgnoredMarginPerCell(double) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_perspectiveRemovePixelPerCell(int) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_polygonalApproxAccuracyRate(double) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_processNoiseCov(Mat) - Method in class org.opencv.video.KalmanFilter
-
- set_randomGeneratorState(int) - Method in class org.opencv.calib3d.UsacParams
-
- set_relativeCornerRefinmentWinSize(float) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_sampler(int) - Method in class org.opencv.calib3d.UsacParams
-
- set_samplerInitInRadius(float) - Method in class org.opencv.video.TrackerMIL_Params
-
- set_samplerInitMaxNegNum(int) - Method in class org.opencv.video.TrackerMIL_Params
-
- set_samplerSearchWinSize(float) - Method in class org.opencv.video.TrackerMIL_Params
-
- set_samplerTrackInRadius(float) - Method in class org.opencv.video.TrackerMIL_Params
-
- set_samplerTrackMaxNegNum(int) - Method in class org.opencv.video.TrackerMIL_Params
-
- set_samplerTrackMaxPosNum(int) - Method in class org.opencv.video.TrackerMIL_Params
-
- set_scalefactor(Scalar) - Method in class org.opencv.dnn.Image2BlobParams
-
- set_scaleTimingPatternScore(float) - Method in class org.opencv.objdetect.QRCodeDetectorAruco_Params
-
- set_score(int) - Method in class org.opencv.calib3d.UsacParams
-
- set_size(Size) - Method in class org.opencv.dnn.Image2BlobParams
-
- set_statePost(Mat) - Method in class org.opencv.video.KalmanFilter
-
- set_statePre(Mat) - Method in class org.opencv.video.KalmanFilter
-
- set_stdvalue(Scalar) - Method in class org.opencv.video.TrackerVit_Params
-
- set_structure_number(int) - Method in class org.opencv.objdetect.QRCodeEncoder_Params
-
- set_swapRB(boolean) - Method in class org.opencv.dnn.Image2BlobParams
-
- set_target(int) - Method in class org.opencv.video.TrackerDaSiamRPN_Params
-
- set_target(int) - Method in class org.opencv.video.TrackerNano_Params
-
- set_target(int) - Method in class org.opencv.video.TrackerVit_Params
-
- set_threshold(double) - Method in class org.opencv.calib3d.UsacParams
-
- set_thresholdStep(float) - Method in class org.opencv.features2d.SimpleBlobDetector_Params
-
- set_transitionMatrix(Mat) - Method in class org.opencv.video.KalmanFilter
-
- set_tryRefineMarkers(boolean) - Method in class org.opencv.objdetect.CharucoParameters
-
- set_useAruco3Detection(boolean) - Method in class org.opencv.objdetect.DetectorParameters
-
- set_version(int) - Method in class org.opencv.objdetect.QRCodeEncoder_Params
-
- setActivationFunction(int, double, double) - Method in class org.opencv.ml.ANN_MLP
-
Initialize the activation function for each neuron.
- setActivationFunction(int, double) - Method in class org.opencv.ml.ANN_MLP
-
Initialize the activation function for each neuron.
- setActivationFunction(int) - Method in class org.opencv.ml.ANN_MLP
-
Initialize the activation function for each neuron.
- setActiveVarCount(int) - Method in class org.opencv.ml.RTrees
-
getActiveVarCount SEE: getActiveVarCount
- setAlgorithmType(int) - Method in class org.opencv.ml.KNearest
-
getAlgorithmType SEE: getAlgorithmType
- setAlpha(float) - Method in class org.opencv.video.VariationalRefinement
-
getAlpha SEE: getAlpha
- setAngleEpsilon(double) - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- setAngleStep(double) - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- setAngleThresh(int) - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- setAnnealCoolingRatio(double) - Method in class org.opencv.ml.ANN_MLP
-
getAnnealCoolingRatio SEE: getAnnealCoolingRatio
- setAnnealFinalT(double) - Method in class org.opencv.ml.ANN_MLP
-
getAnnealFinalT SEE: getAnnealFinalT
- setAnnealInitialT(double) - Method in class org.opencv.ml.ANN_MLP
-
getAnnealInitialT SEE: getAnnealInitialT
- setAnnealItePerStep(int) - Method in class org.opencv.ml.ANN_MLP
-
getAnnealItePerStep SEE: getAnnealItePerStep
- setAreaThreshold(double) - Method in class org.opencv.features2d.MSER
-
- setBackgroundRatio(double) - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Sets the "background ratio" parameter of the algorithm
- setBackpropMomentumScale(double) - Method in class org.opencv.ml.ANN_MLP
-
getBackpropMomentumScale SEE: getBackpropMomentumScale
- setBackpropWeightScale(double) - Method in class org.opencv.ml.ANN_MLP
-
getBackpropWeightScale SEE: getBackpropWeightScale
- setBias(float) - Method in class org.opencv.photo.TonemapDrago
-
- setBinaryThreshold(float) - Method in class org.opencv.dnn.TextDetectionModel_DB
-
- setBlockSize(int) - Method in class org.opencv.calib3d.StereoMatcher
-
- setBlockSize(int) - Method in class org.opencv.features2d.GFTTDetector
-
- setBoard(CharucoBoard) - Method in class org.opencv.objdetect.CharucoDetector
-
- setBoostType(int) - Method in class org.opencv.ml.Boost
-
getBoostType SEE: getBoostType
- setC(double) - Method in class org.opencv.ml.SVM
-
getC SEE: getC
- setCalculateVarImportance(boolean) - Method in class org.opencv.ml.RTrees
-
getCalculateVarImportance SEE: getCalculateVarImportance
- setCameraIndex(int) - Method in class org.opencv.android.CameraBridgeViewBase
-
Sets the camera index
- setCameraIndex(int) - Method in class org.opencv.android.CameraGLRendererBase
-
- setCameraIndex(int) - Method in class org.opencv.android.CameraGLSurfaceView
-
- setCameraPermissionGranted() - Method in class org.opencv.android.CameraBridgeViewBase
-
This method is provided for clients, so they can signal camera permission has been granted.
- setCameraPreviewSize(int, int) - Method in class org.opencv.android.CameraRenderer
-
- setCameraTextureListener(CameraGLSurfaceView.CameraTextureListener) - Method in class org.opencv.android.CameraGLSurfaceView
-
- setCannyHighThresh(int) - Method in class org.opencv.imgproc.GeneralizedHough
-
- setCannyLowThresh(int) - Method in class org.opencv.imgproc.GeneralizedHough
-
- SetCaptureFormat(int) - Method in class org.opencv.android.CameraBridgeViewBase
-
- setCharucoParameters(CharucoParameters) - Method in class org.opencv.objdetect.CharucoDetector
-
- setClassWeights(Mat) - Method in class org.opencv.ml.SVM
-
getClassWeights SEE: getClassWeights
- setClipLimit(double) - Method in class org.opencv.imgproc.CLAHE
-
Sets threshold for contrast limiting.
- setClustersNumber(int) - Method in class org.opencv.ml.EM
-
getClustersNumber SEE: getClustersNumber
- setCoef0(double) - Method in class org.opencv.ml.SVM
-
getCoef0 SEE: getCoef0
- setColorAdaptation(float) - Method in class org.opencv.photo.TonemapReinhard
-
- setComplexityReductionThreshold(double) - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Sets the complexity reduction threshold
- setConfidenceThreshold(float) - Method in class org.opencv.dnn.TextDetectionModel_EAST
-
Set the detection confidence threshold
- setContrastThreshold(double) - Method in class org.opencv.features2d.SIFT
-
- setContrastWeight(float) - Method in class org.opencv.photo.MergeMertens
-
- setCovarianceMatrixType(int) - Method in class org.opencv.ml.EM
-
getCovarianceMatrixType SEE: getCovarianceMatrixType
- setCut(boolean) - Method in class org.opencv.photo.AlignMTB
-
- setCvCameraViewListener(CameraBridgeViewBase.CvCameraViewListener2) - Method in class org.opencv.android.CameraBridgeViewBase
-
- setCvCameraViewListener(CameraBridgeViewBase.CvCameraViewListener) - Method in class org.opencv.android.CameraBridgeViewBase
-
- setCVFolds(int) - Method in class org.opencv.ml.DTrees
-
getCVFolds SEE: getCVFolds
- setDecodeOptsCTCPrefixBeamSearch(int, int) - Method in class org.opencv.dnn.TextRecognitionModel
-
Set the decoding method options for "CTC-prefix-beam-search"
decode usage
- setDecodeOptsCTCPrefixBeamSearch(int) - Method in class org.opencv.dnn.TextRecognitionModel
-
Set the decoding method options for "CTC-prefix-beam-search"
decode usage
- setDecodeType(String) - Method in class org.opencv.dnn.TextRecognitionModel
-
Set the decoding method of translating the network output into string
- setDefaultK(int) - Method in class org.opencv.ml.KNearest
-
getDefaultK SEE: getDefaultK
- setDegree(double) - Method in class org.opencv.ml.SVM
-
getDegree SEE: getDegree
- setDelta(int) - Method in class org.opencv.features2d.MSER
-
- setDelta(float) - Method in class org.opencv.video.VariationalRefinement
-
getDelta SEE: getDelta
- setDescriptorChannels(int) - Method in class org.opencv.features2d.AKAZE
-
- setDescriptorSize(int) - Method in class org.opencv.features2d.AKAZE
-
- setDescriptorType(int) - Method in class org.opencv.features2d.AKAZE
-
- setDetectorParameters(DetectorParameters) - Method in class org.opencv.objdetect.ArucoDetector
-
- setDetectorParameters(DetectorParameters) - Method in class org.opencv.objdetect.CharucoDetector
-
- setDetectorParameters(QRCodeDetectorAruco_Params) - Method in class org.opencv.objdetect.QRCodeDetectorAruco
-
Detector parameters setter.
- setDetectorScales(MatOfFloat) - Method in class org.opencv.objdetect.BarcodeDetector
-
Set detector box filter sizes.
- setDetectShadows(boolean) - Method in class org.opencv.video.BackgroundSubtractorKNN
-
Enables or disables shadow detection
- setDetectShadows(boolean) - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Enables or disables shadow detection
- setDictionary(Dictionary) - Method in class org.opencv.objdetect.ArucoDetector
-
- setDiffusivity(int) - Method in class org.opencv.features2d.AKAZE
-
- setDiffusivity(int) - Method in class org.opencv.features2d.KAZE
-
- setDisp12MaxDiff(int) - Method in class org.opencv.calib3d.StereoMatcher
-
- setDist2Threshold(double) - Method in class org.opencv.video.BackgroundSubtractorKNN
-
Sets the threshold on the squared distance
- setDownsamplingThreshold(double) - Method in class org.opencv.objdetect.BarcodeDetector
-
Set detector downsampling threshold.
- setDp(double) - Method in class org.opencv.imgproc.GeneralizedHough
-
- setEdgeBlurSize(int) - Method in class org.opencv.features2d.MSER
-
- setEdgeFeatureCannyParameters(double, double, int, boolean) - Method in class org.opencv.imgproc.IntelligentScissorsMB
-
Switch edge feature extractor to use Canny edge detector
Note: "Laplacian Zero-Crossing" feature extractor is used by default (following to original article)
SEE: Canny
- setEdgeFeatureCannyParameters(double, double, int) - Method in class org.opencv.imgproc.IntelligentScissorsMB
-
Switch edge feature extractor to use Canny edge detector
Note: "Laplacian Zero-Crossing" feature extractor is used by default (following to original article)
SEE: Canny
- setEdgeFeatureCannyParameters(double, double) - Method in class org.opencv.imgproc.IntelligentScissorsMB
-
Switch edge feature extractor to use Canny edge detector
Note: "Laplacian Zero-Crossing" feature extractor is used by default (following to original article)
SEE: Canny
- setEdgeFeatureZeroCrossingParameters(float) - Method in class org.opencv.imgproc.IntelligentScissorsMB
-
Switch to "Laplacian Zero-Crossing" edge feature extractor and specify its parameters
This feature extractor is used by default according to article.
- setEdgeFeatureZeroCrossingParameters() - Method in class org.opencv.imgproc.IntelligentScissorsMB
-
Switch to "Laplacian Zero-Crossing" edge feature extractor and specify its parameters
This feature extractor is used by default according to article.
- setEdgeThreshold(int) - Method in class org.opencv.features2d.ORB
-
- setEdgeThreshold(double) - Method in class org.opencv.features2d.SIFT
-
- setEmax(int) - Method in class org.opencv.ml.KNearest
-
getEmax SEE: getEmax
- setEnableSoftmaxPostProcessing(boolean) - Method in class org.opencv.dnn.ClassificationModel
-
Set enable/disable softmax post processing option.
- setEpsilon(float) - Method in class org.opencv.video.VariationalRefinement
-
getEpsilon SEE: getEpsilon
- setEpsX(double) - Method in class org.opencv.objdetect.QRCodeDetector
-
sets the epsilon used during the horizontal scan of QR code stop marker detection.
- setEpsY(double) - Method in class org.opencv.objdetect.QRCodeDetector
-
sets the epsilon used during the vertical scan of QR code stop marker detection.
- setErrorVerbosity(boolean) - Static method in class org.opencv.core.Core
-
- setExceptionMode(boolean) - Method in class org.opencv.videoio.VideoCapture
-
Switches exceptions mode
methods raise exceptions if not successful instead of returning an error code
- setExcludeRange(int) - Method in class org.opencv.photo.AlignMTB
-
- setExposureWeight(float) - Method in class org.opencv.photo.MergeMertens
-
- setExtended(boolean) - Method in class org.opencv.features2d.KAZE
-
- setFastPyramids(boolean) - Method in class org.opencv.video.FarnebackOpticalFlow
-
- setFastThreshold(int) - Method in class org.opencv.features2d.ORB
-
- setFinestScale(int) - Method in class org.opencv.video.DISOpticalFlow
-
getFinestScale SEE: getFinestScale
- setFirstLevel(int) - Method in class org.opencv.features2d.ORB
-
- setFixedPointIterations(int) - Method in class org.opencv.video.VariationalRefinement
-
getFixedPointIterations SEE: getFixedPointIterations
- setFlags(int) - Method in class org.opencv.video.FarnebackOpticalFlow
-
- setFlags(int) - Method in class org.opencv.video.SparsePyrLKOpticalFlow
-
- setGamma(double) - Method in class org.opencv.ml.SVM
-
getGamma SEE: getGamma
- setGamma(float) - Method in class org.opencv.photo.Tonemap
-
- setGamma(float) - Method in class org.opencv.video.VariationalRefinement
-
getGamma SEE: getGamma
- setGradientDescentIterations(int) - Method in class org.opencv.video.DISOpticalFlow
-
getGradientDescentIterations SEE: getGradientDescentIterations
- setGradientMagnitudeMaxLimit(float) - Method in class org.opencv.imgproc.IntelligentScissorsMB
-
Specify gradient magnitude max value threshold
Zero limit value is used to disable gradient magnitude thresholding (default behavior, as described in original article).
- setGradientMagnitudeMaxLimit() - Method in class org.opencv.imgproc.IntelligentScissorsMB
-
Specify gradient magnitude max value threshold
Zero limit value is used to disable gradient magnitude thresholding (default behavior, as described in original article).
- setGradientSize(int) - Method in class org.opencv.features2d.GFTTDetector
-
- setGradientThreshold(double) - Method in class org.opencv.objdetect.BarcodeDetector
-
Set detector gradient magnitude threshold.
- setHalideScheduler(String) - Method in class org.opencv.dnn.Net
-
Compile Halide layers.
- setHarrisDetector(boolean) - Method in class org.opencv.features2d.GFTTDetector
-
- setHistory(int) - Method in class org.opencv.video.BackgroundSubtractorKNN
-
Sets the number of last frames that affect the background model
- setHistory(int) - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Sets the number of last frames that affect the background model
- setIdentity(Mat, Scalar) - Static method in class org.opencv.core.Core
-
Initializes a scaled identity matrix.
- setIdentity(Mat) - Static method in class org.opencv.core.Core
-
Initializes a scaled identity matrix.
- setInitialStepSize(float) - Method in class org.opencv.ml.SVMSGD
-
getInitialStepSize SEE: getInitialStepSize
- setInput(Mat, String, double, Scalar) - Method in class org.opencv.dnn.Net
-
Sets the new input value for the network
- setInput(Mat, String, double) - Method in class org.opencv.dnn.Net
-
Sets the new input value for the network
- setInput(Mat, String) - Method in class org.opencv.dnn.Net
-
Sets the new input value for the network
- setInput(Mat) - Method in class org.opencv.dnn.Net
-
Sets the new input value for the network
- setInputCrop(boolean) - Method in class org.opencv.dnn.Model
-
Set flag crop for frame.
- setInputMean(Scalar) - Method in class org.opencv.dnn.Model
-
Set mean value for frame.
- setInputParams(double, Size, Scalar, boolean, boolean) - Method in class org.opencv.dnn.Model
-
Set preprocessing parameters for frame.
- setInputParams(double, Size, Scalar, boolean) - Method in class org.opencv.dnn.Model
-
Set preprocessing parameters for frame.
- setInputParams(double, Size, Scalar) - Method in class org.opencv.dnn.Model
-
Set preprocessing parameters for frame.
- setInputParams(double, Size) - Method in class org.opencv.dnn.Model
-
Set preprocessing parameters for frame.
- setInputParams(double) - Method in class org.opencv.dnn.Model
-
Set preprocessing parameters for frame.
- setInputParams() - Method in class org.opencv.dnn.Model
-
Set preprocessing parameters for frame.
- setInputScale(Scalar) - Method in class org.opencv.dnn.Model
-
Set scalefactor value for frame.
- setInputShape(String, MatOfInt) - Method in class org.opencv.dnn.Net
-
Specify shape of network input.
- setInputSize(Size) - Method in class org.opencv.dnn.Model
-
Set input size for frame.
- setInputSize(int, int) - Method in class org.opencv.dnn.Model
-
- setInputSize(Size) - Method in class org.opencv.objdetect.FaceDetectorYN
-
Set the size for the network input, which overwrites the input size of creating model.
- setInputsNames(List<String>) - Method in class org.opencv.dnn.Net
-
Sets outputs names of the network input pseudo layer.
- setInputSwapRB(boolean) - Method in class org.opencv.dnn.Model
-
Set flag swapRB for frame.
- setIntensity(float) - Method in class org.opencv.photo.TonemapReinhard
-
- setIsClassifier(boolean) - Method in class org.opencv.ml.KNearest
-
getIsClassifier SEE: getIsClassifier
- setIterations(int) - Method in class org.opencv.ml.LogisticRegression
-
getIterations SEE: getIterations
- setK(double) - Method in class org.opencv.features2d.GFTTDetector
-
- setKernel(int) - Method in class org.opencv.ml.SVM
-
Initialize with one of predefined kernels.
- setkNNSamples(int) - Method in class org.opencv.video.BackgroundSubtractorKNN
-
Sets the k in the kNN.
- setLambda(float) - Method in class org.opencv.photo.CalibrateDebevec
-
- setLayerSizes(Mat) - Method in class org.opencv.ml.ANN_MLP
-
Integer vector specifying the number of neurons in each layer including the input and output layers.
- setLearningRate(double) - Method in class org.opencv.ml.LogisticRegression
-
getLearningRate SEE: getLearningRate
- setLegacyPattern(boolean) - Method in class org.opencv.objdetect.CharucoBoard
-
set legacy chessboard pattern.
- setLevels(int) - Method in class org.opencv.imgproc.GeneralizedHoughBallard
-
- setLevels(int) - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- setLightAdaptation(float) - Method in class org.opencv.photo.TonemapReinhard
-
- setMarginRegularization(float) - Method in class org.opencv.ml.SVMSGD
-
getMarginRegularization SEE: getMarginRegularization
- setMarginType(int) - Method in class org.opencv.ml.SVMSGD
-
getMarginType SEE: getMarginType
- setMaxAngle(double) - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- setMaxArea(int) - Method in class org.opencv.features2d.MSER
-
- setMaxBits(int) - Method in class org.opencv.photo.AlignMTB
-
- setMaxBufferSize(int) - Method in class org.opencv.imgproc.GeneralizedHough
-
- setMaxCameraPreviewSize(int, int) - Method in class org.opencv.android.CameraGLRendererBase
-
- setMaxCameraPreviewSize(int, int) - Method in class org.opencv.android.CameraGLSurfaceView
-
- setMaxCandidates(int) - Method in class org.opencv.dnn.TextDetectionModel_DB
-
- setMaxCategories(int) - Method in class org.opencv.ml.DTrees
-
getMaxCategories SEE: getMaxCategories
- setMaxDepth(int) - Method in class org.opencv.ml.DTrees
-
getMaxDepth SEE: getMaxDepth
- setMaxEvolution(int) - Method in class org.opencv.features2d.MSER
-
- setMaxFeatures(int) - Method in class org.opencv.features2d.GFTTDetector
-
- setMaxFeatures(int) - Method in class org.opencv.features2d.ORB
-
- setMaxFrameSize(int, int) - Method in class org.opencv.android.CameraBridgeViewBase
-
This method sets the maximum size that camera frame is allowed to be.
- setMaxIter(int) - Method in class org.opencv.photo.CalibrateRobertson
-
- setMaxLevel(int) - Method in class org.opencv.video.SparsePyrLKOpticalFlow
-
- setMaxPoints(int) - Method in class org.opencv.features2d.AKAZE
-
- setMaxScale(double) - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- setMaxVariation(double) - Method in class org.opencv.features2d.MSER
-
- setMinAngle(double) - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- setMinArea(int) - Method in class org.opencv.features2d.MSER
-
- setMinDisparity(int) - Method in class org.opencv.calib3d.StereoMatcher
-
- setMinDist(double) - Method in class org.opencv.imgproc.GeneralizedHough
-
- setMinDistance(double) - Method in class org.opencv.features2d.GFTTDetector
-
- setMinDiversity(double) - Method in class org.opencv.features2d.MSER
-
- setMinEigThreshold(double) - Method in class org.opencv.video.SparsePyrLKOpticalFlow
-
- setMiniBatchSize(int) - Method in class org.opencv.ml.LogisticRegression
-
getMiniBatchSize SEE: getMiniBatchSize
- setMinMargin(double) - Method in class org.opencv.features2d.MSER
-
- setMinSampleCount(int) - Method in class org.opencv.ml.DTrees
-
getMinSampleCount SEE: getMinSampleCount
- setMinScale(double) - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- setMode(int) - Method in class org.opencv.calib3d.StereoSGBM
-
- setNFeatures(int) - Method in class org.opencv.features2d.SIFT
-
- setNLevels(int) - Method in class org.opencv.features2d.ORB
-
- setNMixtures(int) - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Sets the number of gaussian components in the background model.
- setNmsAcrossClasses(boolean) - Method in class org.opencv.dnn.DetectionModel
-
nmsAcrossClasses defaults to false,
such that when non max suppression is used during the detect() function, it will do so per-class.
- setNMSThreshold(float) - Method in class org.opencv.dnn.TextDetectionModel_EAST
-
Set the detection NMS filter threshold
- setNMSThreshold(float) - Method in class org.opencv.objdetect.FaceDetectorYN
-
Set the Non-maximum-suppression threshold to suppress bounding boxes that have IoU greater than the given value
- setNOctaveLayers(int) - Method in class org.opencv.features2d.AKAZE
-
- setNOctaveLayers(int) - Method in class org.opencv.features2d.KAZE
-
- setNOctaveLayers(int) - Method in class org.opencv.features2d.SIFT
-
- setNOctaves(int) - Method in class org.opencv.features2d.AKAZE
-
- setNOctaves(int) - Method in class org.opencv.features2d.KAZE
-
- setNonmaxSuppression(boolean) - Method in class org.opencv.features2d.AgastFeatureDetector
-
- setNonmaxSuppression(boolean) - Method in class org.opencv.features2d.FastFeatureDetector
-
- setNSamples(int) - Method in class org.opencv.video.BackgroundSubtractorKNN
-
Sets the number of data samples in the background model.
- setNu(double) - Method in class org.opencv.ml.SVM
-
getNu SEE: getNu
- setNumDisparities(int) - Method in class org.opencv.calib3d.StereoMatcher
-
- setNumIters(int) - Method in class org.opencv.video.FarnebackOpticalFlow
-
- setNumLevels(int) - Method in class org.opencv.video.FarnebackOpticalFlow
-
- setNumThreads(int) - Static method in class org.opencv.core.Core
-
OpenCV will try to set the number of threads for subsequent parallel regions.
- setOctaves(int) - Method in class org.opencv.features2d.BRISK
-
Set detection octaves.
- setOmega(float) - Method in class org.opencv.video.VariationalRefinement
-
getOmega SEE: getOmega
- setOptimalParameters(int, int) - Method in class org.opencv.ml.SVMSGD
-
Function sets optimal parameters values for chosen SVM SGD model.
- setOptimalParameters(int) - Method in class org.opencv.ml.SVMSGD
-
Function sets optimal parameters values for chosen SVM SGD model.
- setOptimalParameters() - Method in class org.opencv.ml.SVMSGD
-
Function sets optimal parameters values for chosen SVM SGD model.
- setOutputNames(List<String>) - Method in class org.opencv.dnn.Model
-
Set output names for frame.
- setP(double) - Method in class org.opencv.ml.SVM
-
getP SEE: getP
- setP1(int) - Method in class org.opencv.calib3d.StereoSGBM
-
- setP2(int) - Method in class org.opencv.calib3d.StereoSGBM
-
- setParam(int, int, Mat) - Method in class org.opencv.dnn.Net
-
Sets the new value for the learned param of the layer.
- setParam(String, int, Mat) - Method in class org.opencv.dnn.Net
-
- setParams(SimpleBlobDetector_Params) - Method in class org.opencv.features2d.SimpleBlobDetector
-
- setPass2Only(boolean) - Method in class org.opencv.features2d.MSER
-
- setPatchSize(int) - Method in class org.opencv.features2d.ORB
-
- setPatchSize(int) - Method in class org.opencv.video.DISOpticalFlow
-
getPatchSize SEE: getPatchSize
- setPatchStride(int) - Method in class org.opencv.video.DISOpticalFlow
-
getPatchStride SEE: getPatchStride
- setPatternScale(float) - Method in class org.opencv.features2d.BRISK
-
Set detection patternScale.
- setPolygonThreshold(float) - Method in class org.opencv.dnn.TextDetectionModel_DB
-
- setPolyN(int) - Method in class org.opencv.video.FarnebackOpticalFlow
-
- setPolySigma(double) - Method in class org.opencv.video.FarnebackOpticalFlow
-
- setPosThresh(int) - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- setPreferableBackend(int) - Method in class org.opencv.dnn.Model
-
- setPreferableBackend(int) - Method in class org.opencv.dnn.Net
-
Ask network to use specific computation backend where it supported.
- setPreferableTarget(int) - Method in class org.opencv.dnn.Model
-
- setPreferableTarget(int) - Method in class org.opencv.dnn.Net
-
Ask network to make computations on specific target device.
- setPreFilterCap(int) - Method in class org.opencv.calib3d.StereoBM
-
- setPreFilterCap(int) - Method in class org.opencv.calib3d.StereoSGBM
-
- setPreFilterSize(int) - Method in class org.opencv.calib3d.StereoBM
-
- setPreFilterType(int) - Method in class org.opencv.calib3d.StereoBM
-
- setPriors(Mat) - Method in class org.opencv.ml.DTrees
-
getPriors SEE: getPriors
- setPyrScale(double) - Method in class org.opencv.video.FarnebackOpticalFlow
-
- setQualityLevel(double) - Method in class org.opencv.features2d.GFTTDetector
-
- setRandom(boolean) - Method in class org.opencv.photo.CalibrateDebevec
-
- setRefineParameters(RefineParameters) - Method in class org.opencv.objdetect.ArucoDetector
-
- setRefineParameters(RefineParameters) - Method in class org.opencv.objdetect.CharucoDetector
-
- setRegressionAccuracy(float) - Method in class org.opencv.ml.DTrees
-
getRegressionAccuracy SEE: getRegressionAccuracy
- setRegularization(int) - Method in class org.opencv.ml.LogisticRegression
-
getRegularization SEE: getRegularization
- setResolution(int, int) - Method in class org.opencv.android.FpsMeter
-
- setRNGSeed(int) - Static method in class org.opencv.core.Core
-
Sets state of default random number generator.
- setROI1(Rect) - Method in class org.opencv.calib3d.StereoBM
-
- setROI2(Rect) - Method in class org.opencv.calib3d.StereoBM
-
- setRpropDW0(double) - Method in class org.opencv.ml.ANN_MLP
-
getRpropDW0 SEE: getRpropDW0
- setRpropDWMax(double) - Method in class org.opencv.ml.ANN_MLP
-
getRpropDWMax SEE: getRpropDWMax
- setRpropDWMin(double) - Method in class org.opencv.ml.ANN_MLP
-
getRpropDWMin SEE: getRpropDWMin
- setRpropDWMinus(double) - Method in class org.opencv.ml.ANN_MLP
-
getRpropDWMinus SEE: getRpropDWMinus
- setRpropDWPlus(double) - Method in class org.opencv.ml.ANN_MLP
-
getRpropDWPlus SEE: getRpropDWPlus
- setSamples(int) - Method in class org.opencv.photo.CalibrateDebevec
-
- setSaturation(float) - Method in class org.opencv.photo.TonemapDrago
-
- setSaturation(float) - Method in class org.opencv.photo.TonemapMantiuk
-
- setSaturationWeight(float) - Method in class org.opencv.photo.MergeMertens
-
- setScale(float) - Method in class org.opencv.photo.TonemapMantiuk
-
- setScaleFactor(double) - Method in class org.opencv.features2d.ORB
-
- setScaleStep(double) - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- setScaleThresh(int) - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- setScoreThreshold(float) - Method in class org.opencv.objdetect.FaceDetectorYN
-
Set the score threshold to filter out bounding boxes of score less than the given value
- setScoreType(int) - Method in class org.opencv.features2d.ORB
-
- setShadowThreshold(double) - Method in class org.opencv.video.BackgroundSubtractorKNN
-
Sets the shadow threshold
- setShadowThreshold(double) - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Sets the shadow threshold
- setShadowValue(int) - Method in class org.opencv.video.BackgroundSubtractorKNN
-
Sets the shadow value
- setShadowValue(int) - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Sets the shadow value
- setSigma(double) - Method in class org.opencv.features2d.SIFT
-
- setSmallerBlockSize(int) - Method in class org.opencv.calib3d.StereoBM
-
- setSorIterations(int) - Method in class org.opencv.video.VariationalRefinement
-
getSorIterations SEE: getSorIterations
- setSpeckleRange(int) - Method in class org.opencv.calib3d.StereoMatcher
-
- setSpeckleWindowSize(int) - Method in class org.opencv.calib3d.StereoMatcher
-
- setStepDecreasingPower(float) - Method in class org.opencv.ml.SVMSGD
-
getStepDecreasingPower SEE: getStepDecreasingPower
- setSVMDetector(Mat) - Method in class org.opencv.objdetect.HOGDescriptor
-
Sets coefficients for the linear SVM classifier.
- setSvmsgdType(int) - Method in class org.opencv.ml.SVMSGD
-
getSvmsgdType SEE: getSvmsgdType
- setTemplate(Mat, Point) - Method in class org.opencv.imgproc.GeneralizedHough
-
- setTemplate(Mat) - Method in class org.opencv.imgproc.GeneralizedHough
-
- setTemplate(Mat, Mat, Mat, Point) - Method in class org.opencv.imgproc.GeneralizedHough
-
- setTemplate(Mat, Mat, Mat) - Method in class org.opencv.imgproc.GeneralizedHough
-
- setTermCriteria(TermCriteria) - Method in class org.opencv.ml.ANN_MLP
-
getTermCriteria SEE: getTermCriteria
- setTermCriteria(TermCriteria) - Method in class org.opencv.ml.EM
-
getTermCriteria SEE: getTermCriteria
- setTermCriteria(TermCriteria) - Method in class org.opencv.ml.LogisticRegression
-
getTermCriteria SEE: getTermCriteria
- setTermCriteria(TermCriteria) - Method in class org.opencv.ml.RTrees
-
getTermCriteria SEE: getTermCriteria
- setTermCriteria(TermCriteria) - Method in class org.opencv.ml.SVM
-
getTermCriteria SEE: getTermCriteria
- setTermCriteria(TermCriteria) - Method in class org.opencv.ml.SVMSGD
-
getTermCriteria SEE: getTermCriteria
- setTermCriteria(TermCriteria) - Method in class org.opencv.video.SparsePyrLKOpticalFlow
-
- setTextureThreshold(int) - Method in class org.opencv.calib3d.StereoBM
-
- setThreshold(int) - Method in class org.opencv.features2d.AgastFeatureDetector
-
- setThreshold(double) - Method in class org.opencv.features2d.AKAZE
-
- setThreshold(int) - Method in class org.opencv.features2d.BRISK
-
Set detection threshold.
- setThreshold(int) - Method in class org.opencv.features2d.FastFeatureDetector
-
- setThreshold(double) - Method in class org.opencv.features2d.KAZE
-
- setThreshold(float) - Method in class org.opencv.photo.CalibrateRobertson
-
- setTilesGridSize(Size) - Method in class org.opencv.imgproc.CLAHE
-
Sets size of grid for histogram equalization.
- setTo(Scalar) - Method in class org.opencv.core.Mat
-
- setTo(Scalar, Mat) - Method in class org.opencv.core.Mat
-
- setTo(Mat, Mat) - Method in class org.opencv.core.Mat
-
- setTo(Mat) - Method in class org.opencv.core.Mat
-
- setTopK(int) - Method in class org.opencv.objdetect.FaceDetectorYN
-
Set the number of bounding boxes preserved before NMS
- setTrainMethod(int, double, double) - Method in class org.opencv.ml.ANN_MLP
-
Sets training method and common parameters.
- setTrainMethod(int, double) - Method in class org.opencv.ml.ANN_MLP
-
Sets training method and common parameters.
- setTrainMethod(int) - Method in class org.opencv.ml.ANN_MLP
-
Sets training method and common parameters.
- setTrainMethod(int) - Method in class org.opencv.ml.LogisticRegression
-
getTrainMethod SEE: getTrainMethod
- setTrainTestSplit(int, boolean) - Method in class org.opencv.ml.TrainData
-
Splits the training data into the training and test parts
SEE: TrainData::setTrainTestSplitRatio
- setTrainTestSplit(int) - Method in class org.opencv.ml.TrainData
-
Splits the training data into the training and test parts
SEE: TrainData::setTrainTestSplitRatio
- setTrainTestSplitRatio(double, boolean) - Method in class org.opencv.ml.TrainData
-
Splits the training data into the training and test parts
The function selects a subset of specified relative size and then returns it as the training
set.
- setTrainTestSplitRatio(double) - Method in class org.opencv.ml.TrainData
-
Splits the training data into the training and test parts
The function selects a subset of specified relative size and then returns it as the training
set.
- setTruncatePrunedTree(boolean) - Method in class org.opencv.ml.DTrees
-
getTruncatePrunedTree SEE: getTruncatePrunedTree
- setType(int) - Method in class org.opencv.features2d.AgastFeatureDetector
-
- setType(int) - Method in class org.opencv.features2d.FastFeatureDetector
-
- setType(int) - Method in class org.opencv.ml.SVM
-
getType SEE: getType
- setUnclipRatio(double) - Method in class org.opencv.dnn.TextDetectionModel_DB
-
- setUniquenessRatio(int) - Method in class org.opencv.calib3d.StereoBM
-
- setUniquenessRatio(int) - Method in class org.opencv.calib3d.StereoSGBM
-
- setUpright(boolean) - Method in class org.opencv.features2d.KAZE
-
- setUse1SERule(boolean) - Method in class org.opencv.ml.DTrees
-
getUse1SERule SEE: getUse1SERule
- setUseAlignmentMarkers(boolean) - Method in class org.opencv.objdetect.QRCodeDetector
-
use markers to improve the position of the corners of the QR code
alignmentMarkers using by default
- setUseIPP(boolean) - Static method in class org.opencv.core.Core
-
- setUseIPP_NotExact(boolean) - Static method in class org.opencv.core.Core
-
- setUseMeanNormalization(boolean) - Method in class org.opencv.video.DISOpticalFlow
-
getUseMeanNormalization SEE: getUseMeanNormalization
- setUseOptimized(boolean) - Static method in class org.opencv.core.Core
-
Enables or disables the optimized code.
- setUseSpatialPropagation(boolean) - Method in class org.opencv.video.DISOpticalFlow
-
getUseSpatialPropagation SEE: getUseSpatialPropagation
- setUseSurrogates(boolean) - Method in class org.opencv.ml.DTrees
-
getUseSurrogates SEE: getUseSurrogates
- setV(T) - Method in interface org.opencv.core.Mat.Atable
-
- setV2c(Mat.Tuple2<T>) - Method in interface org.opencv.core.Mat.Atable
-
- setV3c(Mat.Tuple3<T>) - Method in interface org.opencv.core.Mat.Atable
-
- setV4c(Mat.Tuple4<T>) - Method in interface org.opencv.core.Mat.Atable
-
- setVariationalRefinementAlpha(float) - Method in class org.opencv.video.DISOpticalFlow
-
getVariationalRefinementAlpha SEE: getVariationalRefinementAlpha
- setVariationalRefinementDelta(float) - Method in class org.opencv.video.DISOpticalFlow
-
getVariationalRefinementDelta SEE: getVariationalRefinementDelta
- setVariationalRefinementEpsilon(float) - Method in class org.opencv.video.DISOpticalFlow
-
getVariationalRefinementEpsilon SEE: getVariationalRefinementEpsilon
- setVariationalRefinementGamma(float) - Method in class org.opencv.video.DISOpticalFlow
-
getVariationalRefinementGamma SEE: getVariationalRefinementGamma
- setVariationalRefinementIterations(int) - Method in class org.opencv.video.DISOpticalFlow
-
getGradientDescentIterations SEE: getGradientDescentIterations
- setVarInit(double) - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Sets the initial variance of each gaussian component
- setVarMax(double) - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
- setVarMin(double) - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
- setVarThreshold(double) - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Sets the variance threshold for the pixel-model match
- setVarThresholdGen(double) - Method in class org.opencv.video.BackgroundSubtractorMOG2
-
Sets the variance threshold for the pixel-model match used for new mixture component generation
- setViewParams(MatOfFloat, MatOfFloat) - Method in class org.opencv.features2d.AffineFeature
-
- setVocabulary(List<String>) - Method in class org.opencv.dnn.TextRecognitionModel
-
Set the vocabulary for recognition.
- setVocabulary(Mat) - Method in class org.opencv.features2d.BOWImgDescriptorExtractor
-
Sets a visual vocabulary.
- setVotesThreshold(int) - Method in class org.opencv.imgproc.GeneralizedHoughBallard
-
- setWeakCount(int) - Method in class org.opencv.ml.Boost
-
getWeakCount SEE: getWeakCount
- setWeights(float, float, float) - Method in class org.opencv.imgproc.IntelligentScissorsMB
-
Specify weights of feature functions
Consider keeping weights normalized (sum of weights equals to 1.0)
Discrete dynamic programming (DP) goal is minimization of costs between pixels.
- setWeightTrimRate(double) - Method in class org.opencv.ml.Boost
-
getWeightTrimRate SEE: getWeightTrimRate
- setWinSize(int) - Method in class org.opencv.video.FarnebackOpticalFlow
-
- setWinSize(Size) - Method in class org.opencv.video.SparsePyrLKOpticalFlow
-
- setWTA_K(int) - Method in class org.opencv.features2d.ORB
-
- setXi(double) - Method in class org.opencv.imgproc.GeneralizedHoughGuil
-
- SGD - Static variable in class org.opencv.ml.SVMSGD
-
- shift(int) - Method in class org.opencv.core.Range
-
- shiftMat(Mat, Mat, Point) - Method in class org.opencv.photo.AlignMTB
-
Helper function, that shift Mat filling new regions with zeros.
- shrinkCaffeModel(String, String, List<String>) - Static method in class org.opencv.dnn.Dnn
-
Convert all weights of Caffe network to half precision floating point.
- shrinkCaffeModel(String, String) - Static method in class org.opencv.dnn.Dnn
-
Convert all weights of Caffe network to half precision floating point.
- shuffleTrainTest() - Method in class org.opencv.ml.TrainData
-
- SIFT - Class in org.opencv.features2d
-
Class for extracting keypoints and computing descriptors using the Scale Invariant Feature Transform
(SIFT) algorithm by D.
- SIGMOID - Static variable in class org.opencv.ml.SVM
-
- SIGMOID_SYM - Static variable in class org.opencv.ml.ANN_MLP
-
- SimpleBlobDetector - Class in org.opencv.features2d
-
Class for extracting blobs from an image.
- SimpleBlobDetector_Params - Class in org.opencv.features2d
-
- SimpleBlobDetector_Params() - Constructor for class org.opencv.features2d.SimpleBlobDetector_Params
-
- size - Variable in class org.opencv.core.KeyPoint
-
Diameter of the useful keypoint adjacent area.
- size() - Method in class org.opencv.core.Mat
-
- size(int) - Method in class org.opencv.core.Mat
-
- size() - Method in class org.opencv.core.Range
-
- size() - Method in class org.opencv.core.Rect
-
- size() - Method in class org.opencv.core.Rect2d
-
- size - Variable in class org.opencv.core.RotatedRect
-
- Size - Class in org.opencv.core
-
- Size(double, double) - Constructor for class org.opencv.core.Size
-
- Size() - Constructor for class org.opencv.core.Size
-
- Size(Point) - Constructor for class org.opencv.core.Size
-
- Size(double[]) - Constructor for class org.opencv.core.Size
-
- Sobel(Mat, Mat, int, int, int, int, double, double, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the first, second, third, or mixed image derivatives using an extended Sobel operator.
- Sobel(Mat, Mat, int, int, int, int, double, double) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the first, second, third, or mixed image derivatives using an extended Sobel operator.
- Sobel(Mat, Mat, int, int, int, int, double) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the first, second, third, or mixed image derivatives using an extended Sobel operator.
- Sobel(Mat, Mat, int, int, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the first, second, third, or mixed image derivatives using an extended Sobel operator.
- Sobel(Mat, Mat, int, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the first, second, third, or mixed image derivatives using an extended Sobel operator.
- SOFT_MARGIN - Static variable in class org.opencv.ml.SVMSGD
-
- softNMSBoxes(MatOfRect, MatOfFloat, MatOfFloat, float, float, MatOfInt, long, float) - Static method in class org.opencv.dnn.Dnn
-
Performs soft non maximum suppression given boxes and corresponding scores.
- softNMSBoxes(MatOfRect, MatOfFloat, MatOfFloat, float, float, MatOfInt, long) - Static method in class org.opencv.dnn.Dnn
-
Performs soft non maximum suppression given boxes and corresponding scores.
- softNMSBoxes(MatOfRect, MatOfFloat, MatOfFloat, float, float, MatOfInt) - Static method in class org.opencv.dnn.Dnn
-
Performs soft non maximum suppression given boxes and corresponding scores.
- SoftNMSMethod_SOFTNMS_GAUSSIAN - Static variable in class org.opencv.dnn.Dnn
-
- SoftNMSMethod_SOFTNMS_LINEAR - Static variable in class org.opencv.dnn.Dnn
-
- solve(Mat, Mat, Mat, int) - Static method in class org.opencv.core.Core
-
Solves one or more linear systems or least-squares problems.
- solve(Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Solves one or more linear systems or least-squares problems.
- solveCubic(Mat, Mat) - Static method in class org.opencv.core.Core
-
Finds the real roots of a cubic equation.
- solveP3P(Mat, Mat, Mat, Mat, List<Mat>, List<Mat>, int) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3 3D-2D point correspondences.
- solvePnP(MatOfPoint3f, MatOfPoint2f, Mat, MatOfDouble, Mat, Mat, boolean, int) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3D-2D point correspondences.
- solvePnP(MatOfPoint3f, MatOfPoint2f, Mat, MatOfDouble, Mat, Mat, boolean) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3D-2D point correspondences.
- solvePnP(MatOfPoint3f, MatOfPoint2f, Mat, MatOfDouble, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3D-2D point correspondences.
- SOLVEPNP_AP3P - Static variable in class org.opencv.calib3d.Calib3d
-
- SOLVEPNP_DLS - Static variable in class org.opencv.calib3d.Calib3d
-
- SOLVEPNP_EPNP - Static variable in class org.opencv.calib3d.Calib3d
-
- SOLVEPNP_IPPE - Static variable in class org.opencv.calib3d.Calib3d
-
- SOLVEPNP_IPPE_SQUARE - Static variable in class org.opencv.calib3d.Calib3d
-
- SOLVEPNP_ITERATIVE - Static variable in class org.opencv.calib3d.Calib3d
-
- SOLVEPNP_MAX_COUNT - Static variable in class org.opencv.calib3d.Calib3d
-
- SOLVEPNP_P3P - Static variable in class org.opencv.calib3d.Calib3d
-
- SOLVEPNP_SQPNP - Static variable in class org.opencv.calib3d.Calib3d
-
- SOLVEPNP_UPNP - Static variable in class org.opencv.calib3d.Calib3d
-
- solvePnPGeneric(Mat, Mat, Mat, Mat, List<Mat>, List<Mat>, boolean, int, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3D-2D point correspondences.
- solvePnPGeneric(Mat, Mat, Mat, Mat, List<Mat>, List<Mat>, boolean, int, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3D-2D point correspondences.
- solvePnPGeneric(Mat, Mat, Mat, Mat, List<Mat>, List<Mat>, boolean, int, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3D-2D point correspondences.
- solvePnPGeneric(Mat, Mat, Mat, Mat, List<Mat>, List<Mat>, boolean, int) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3D-2D point correspondences.
- solvePnPGeneric(Mat, Mat, Mat, Mat, List<Mat>, List<Mat>, boolean) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3D-2D point correspondences.
- solvePnPGeneric(Mat, Mat, Mat, Mat, List<Mat>, List<Mat>) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3D-2D point correspondences.
- solvePnPRansac(MatOfPoint3f, MatOfPoint2f, Mat, MatOfDouble, Mat, Mat, boolean, int, float, double, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3D-2D point correspondences using the RANSAC scheme.
- solvePnPRansac(MatOfPoint3f, MatOfPoint2f, Mat, MatOfDouble, Mat, Mat, boolean, int, float, double, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3D-2D point correspondences using the RANSAC scheme.
- solvePnPRansac(MatOfPoint3f, MatOfPoint2f, Mat, MatOfDouble, Mat, Mat, boolean, int, float, double) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3D-2D point correspondences using the RANSAC scheme.
- solvePnPRansac(MatOfPoint3f, MatOfPoint2f, Mat, MatOfDouble, Mat, Mat, boolean, int, float) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3D-2D point correspondences using the RANSAC scheme.
- solvePnPRansac(MatOfPoint3f, MatOfPoint2f, Mat, MatOfDouble, Mat, Mat, boolean, int) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3D-2D point correspondences using the RANSAC scheme.
- solvePnPRansac(MatOfPoint3f, MatOfPoint2f, Mat, MatOfDouble, Mat, Mat, boolean) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3D-2D point correspondences using the RANSAC scheme.
- solvePnPRansac(MatOfPoint3f, MatOfPoint2f, Mat, MatOfDouble, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Finds an object pose from 3D-2D point correspondences using the RANSAC scheme.
- solvePnPRansac(MatOfPoint3f, MatOfPoint2f, Mat, MatOfDouble, Mat, Mat, Mat, UsacParams) - Static method in class org.opencv.calib3d.Calib3d
-
- solvePnPRansac(MatOfPoint3f, MatOfPoint2f, Mat, MatOfDouble, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
- solvePnPRefineLM(Mat, Mat, Mat, Mat, Mat, Mat, TermCriteria) - Static method in class org.opencv.calib3d.Calib3d
-
Refine a pose (the translation and the rotation that transform a 3D point expressed in the object coordinate frame
to the camera coordinate frame) from a 3D-2D point correspondences and starting from an initial solution.
- solvePnPRefineLM(Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Refine a pose (the translation and the rotation that transform a 3D point expressed in the object coordinate frame
to the camera coordinate frame) from a 3D-2D point correspondences and starting from an initial solution.
- solvePnPRefineVVS(Mat, Mat, Mat, Mat, Mat, Mat, TermCriteria, double) - Static method in class org.opencv.calib3d.Calib3d
-
Refine a pose (the translation and the rotation that transform a 3D point expressed in the object coordinate frame
to the camera coordinate frame) from a 3D-2D point correspondences and starting from an initial solution.
- solvePnPRefineVVS(Mat, Mat, Mat, Mat, Mat, Mat, TermCriteria) - Static method in class org.opencv.calib3d.Calib3d
-
Refine a pose (the translation and the rotation that transform a 3D point expressed in the object coordinate frame
to the camera coordinate frame) from a 3D-2D point correspondences and starting from an initial solution.
- solvePnPRefineVVS(Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Refine a pose (the translation and the rotation that transform a 3D point expressed in the object coordinate frame
to the camera coordinate frame) from a 3D-2D point correspondences and starting from an initial solution.
- solvePoly(Mat, Mat, int) - Static method in class org.opencv.core.Core
-
Finds the real or complex roots of a polynomial equation.
- solvePoly(Mat, Mat) - Static method in class org.opencv.core.Core
-
Finds the real or complex roots of a polynomial equation.
- sort(Mat, Mat, int) - Static method in class org.opencv.core.Core
-
Sorts each row or each column of a matrix.
- SORT_ASCENDING - Static variable in class org.opencv.core.Core
-
- SORT_DESCENDING - Static variable in class org.opencv.core.Core
-
- SORT_EVERY_COLUMN - Static variable in class org.opencv.core.Core
-
- SORT_EVERY_ROW - Static variable in class org.opencv.core.Core
-
- sortIdx(Mat, Mat, int) - Static method in class org.opencv.core.Core
-
Sorts each row or each column of a matrix.
- SparseOpticalFlow - Class in org.opencv.video
-
Base interface for sparse optical flow algorithms.
- SparsePyrLKOpticalFlow - Class in org.opencv.video
-
Class used for calculating a sparse optical flow.
- spatialGradient(Mat, Mat, Mat, int, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the first order image derivative in both x and y using a Sobel operator
Equivalent to calling:
Sobel( src, dx, CV_16SC1, 1, 0, 3 );
Sobel( src, dy, CV_16SC1, 0, 1, 3 );
- spatialGradient(Mat, Mat, Mat, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the first order image derivative in both x and y using a Sobel operator
Equivalent to calling:
Sobel( src, dx, CV_16SC1, 1, 0, 3 );
Sobel( src, dy, CV_16SC1, 0, 1, 3 );
- spatialGradient(Mat, Mat, Mat) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the first order image derivative in both x and y using a Sobel operator
Equivalent to calling:
Sobel( src, dx, CV_16SC1, 1, 0, 3 );
Sobel( src, dy, CV_16SC1, 0, 1, 3 );
- split(Mat, List<Mat>) - Static method in class org.opencv.core.Core
-
- sqrBoxFilter(Mat, Mat, int, Size, Point, boolean, int) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the normalized sum of squares of the pixel values overlapping the filter.
- sqrBoxFilter(Mat, Mat, int, Size, Point, boolean) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the normalized sum of squares of the pixel values overlapping the filter.
- sqrBoxFilter(Mat, Mat, int, Size, Point) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the normalized sum of squares of the pixel values overlapping the filter.
- sqrBoxFilter(Mat, Mat, int, Size) - Static method in class org.opencv.imgproc.Imgproc
-
Calculates the normalized sum of squares of the pixel values overlapping the filter.
- sqrt(Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates a square root of array elements.
- stackBlur(Mat, Mat, Size) - Static method in class org.opencv.imgproc.Imgproc
-
Blurs an image using the stackBlur.
- start - Variable in class org.opencv.core.Range
-
- start() - Method in class org.opencv.core.TickMeter
-
- START_AUTO_STEP - Static variable in class org.opencv.ml.EM
-
- START_E_STEP - Static variable in class org.opencv.ml.EM
-
- START_M_STEP - Static variable in class org.opencv.ml.EM
-
- StatModel - Class in org.opencv.ml
-
Base class for statistical models in OpenCV ML.
- step1(int) - Method in class org.opencv.core.Mat
-
- step1() - Method in class org.opencv.core.Mat
-
- StereoBM - Class in org.opencv.calib3d
-
Class for computing stereo correspondence using the block matching algorithm, introduced and
contributed to OpenCV by K.
- stereoCalibrate(List<Mat>, List<Mat>, List<Mat>, Mat, Mat, Mat, Mat, Size, Mat, Mat, Mat, Mat, int, TermCriteria) - Static method in class org.opencv.calib3d.Calib3d
-
- stereoCalibrate(List<Mat>, List<Mat>, List<Mat>, Mat, Mat, Mat, Mat, Size, Mat, Mat, Mat, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
-
- stereoCalibrate(List<Mat>, List<Mat>, List<Mat>, Mat, Mat, Mat, Mat, Size, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
- stereoCalibrate(List<Mat>, List<Mat>, List<Mat>, Mat, Mat, Mat, Mat, Size, Mat, Mat, Mat, Mat, Mat, int, TermCriteria) - Static method in class org.opencv.calib3d.Calib3d
-
- stereoCalibrate(List<Mat>, List<Mat>, List<Mat>, Mat, Mat, Mat, Mat, Size, Mat, Mat, Mat, Mat, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
-
- stereoCalibrate(List<Mat>, List<Mat>, List<Mat>, Mat, Mat, Mat, Mat, Size, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
- stereoCalibrateExtended(List<Mat>, List<Mat>, List<Mat>, Mat, Mat, Mat, Mat, Size, Mat, Mat, Mat, Mat, List<Mat>, List<Mat>, Mat, int, TermCriteria) - Static method in class org.opencv.calib3d.Calib3d
-
Calibrates a stereo camera set up.
- stereoCalibrateExtended(List<Mat>, List<Mat>, List<Mat>, Mat, Mat, Mat, Mat, Size, Mat, Mat, Mat, Mat, List<Mat>, List<Mat>, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
-
Calibrates a stereo camera set up.
- stereoCalibrateExtended(List<Mat>, List<Mat>, List<Mat>, Mat, Mat, Mat, Mat, Size, Mat, Mat, Mat, Mat, List<Mat>, List<Mat>, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Calibrates a stereo camera set up.
- StereoMatcher - Class in org.opencv.calib3d
-
The base class for stereo correspondence algorithms.
- stereoRectify(Mat, Mat, Mat, Mat, Size, Mat, Mat, Mat, Mat, Mat, Mat, Mat, int, double, Size, Rect, Rect) - Static method in class org.opencv.calib3d.Calib3d
-
Computes rectification transforms for each head of a calibrated stereo camera.
- stereoRectify(Mat, Mat, Mat, Mat, Size, Mat, Mat, Mat, Mat, Mat, Mat, Mat, int, double, Size, Rect) - Static method in class org.opencv.calib3d.Calib3d
-
Computes rectification transforms for each head of a calibrated stereo camera.
- stereoRectify(Mat, Mat, Mat, Mat, Size, Mat, Mat, Mat, Mat, Mat, Mat, Mat, int, double, Size) - Static method in class org.opencv.calib3d.Calib3d
-
Computes rectification transforms for each head of a calibrated stereo camera.
- stereoRectify(Mat, Mat, Mat, Mat, Size, Mat, Mat, Mat, Mat, Mat, Mat, Mat, int, double) - Static method in class org.opencv.calib3d.Calib3d
-
Computes rectification transforms for each head of a calibrated stereo camera.
- stereoRectify(Mat, Mat, Mat, Mat, Size, Mat, Mat, Mat, Mat, Mat, Mat, Mat, int) - Static method in class org.opencv.calib3d.Calib3d
-
Computes rectification transforms for each head of a calibrated stereo camera.
- stereoRectify(Mat, Mat, Mat, Mat, Size, Mat, Mat, Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Computes rectification transforms for each head of a calibrated stereo camera.
- stereoRectifyUncalibrated(Mat, Mat, Mat, Size, Mat, Mat, double) - Static method in class org.opencv.calib3d.Calib3d
-
Computes a rectification transform for an uncalibrated stereo camera.
- stereoRectifyUncalibrated(Mat, Mat, Mat, Size, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
Computes a rectification transform for an uncalibrated stereo camera.
- StereoSGBM - Class in org.opencv.calib3d
-
The class implements the modified H.
- stop() - Method in class org.opencv.core.TickMeter
-
- StsAssert - Static variable in class org.opencv.core.Core
-
- StsAutoTrace - Static variable in class org.opencv.core.Core
-
- StsBackTrace - Static variable in class org.opencv.core.Core
-
- StsBadArg - Static variable in class org.opencv.core.Core
-
- StsBadFlag - Static variable in class org.opencv.core.Core
-
- StsBadFunc - Static variable in class org.opencv.core.Core
-
- StsBadMask - Static variable in class org.opencv.core.Core
-
- StsBadMemBlock - Static variable in class org.opencv.core.Core
-
- StsBadPoint - Static variable in class org.opencv.core.Core
-
- StsBadSize - Static variable in class org.opencv.core.Core
-
- StsDivByZero - Static variable in class org.opencv.core.Core
-
- StsError - Static variable in class org.opencv.core.Core
-
- StsFilterOffsetErr - Static variable in class org.opencv.core.Core
-
- StsFilterStructContentErr - Static variable in class org.opencv.core.Core
-
- StsInplaceNotSupported - Static variable in class org.opencv.core.Core
-
- StsInternal - Static variable in class org.opencv.core.Core
-
- StsKernelStructContentErr - Static variable in class org.opencv.core.Core
-
- StsNoConv - Static variable in class org.opencv.core.Core
-
- StsNoMem - Static variable in class org.opencv.core.Core
-
- StsNotImplemented - Static variable in class org.opencv.core.Core
-
- StsNullPtr - Static variable in class org.opencv.core.Core
-
- StsObjectNotFound - Static variable in class org.opencv.core.Core
-
- StsOk - Static variable in class org.opencv.core.Core
-
- StsOutOfRange - Static variable in class org.opencv.core.Core
-
- StsParseError - Static variable in class org.opencv.core.Core
-
- StsUnmatchedFormats - Static variable in class org.opencv.core.Core
-
- StsUnmatchedSizes - Static variable in class org.opencv.core.Core
-
- StsUnsupportedFormat - Static variable in class org.opencv.core.Core
-
- StsVecLengthErr - Static variable in class org.opencv.core.Core
-
- stylization(Mat, Mat, float, float) - Static method in class org.opencv.photo.Photo
-
Stylization aims to produce digital imagery with a wide variety of effects not focused on
photorealism.
- stylization(Mat, Mat, float) - Static method in class org.opencv.photo.Photo
-
Stylization aims to produce digital imagery with a wide variety of effects not focused on
photorealism.
- stylization(Mat, Mat) - Static method in class org.opencv.photo.Photo
-
Stylization aims to produce digital imagery with a wide variety of effects not focused on
photorealism.
- Subdiv2D - Class in org.opencv.imgproc
-
- Subdiv2D() - Constructor for class org.opencv.imgproc.Subdiv2D
-
creates an empty Subdiv2D object.
- Subdiv2D(Rect) - Constructor for class org.opencv.imgproc.Subdiv2D
-
- submat(int, int, int, int) - Method in class org.opencv.core.Mat
-
- submat(Range, Range) - Method in class org.opencv.core.Mat
-
- submat(Range[]) - Method in class org.opencv.core.Mat
-
- submat(Rect) - Method in class org.opencv.core.Mat
-
- subtract(Mat, Mat, Mat, Mat, int) - Static method in class org.opencv.core.Core
-
Calculates the per-element difference between two arrays or array and a scalar.
- subtract(Mat, Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates the per-element difference between two arrays or array and a scalar.
- subtract(Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Calculates the per-element difference between two arrays or array and a scalar.
- subtract(Mat, Scalar, Mat, Mat, int) - Static method in class org.opencv.core.Core
-
- subtract(Mat, Scalar, Mat, Mat) - Static method in class org.opencv.core.Core
-
- subtract(Mat, Scalar, Mat) - Static method in class org.opencv.core.Core
-
- sumElems(Mat) - Static method in class org.opencv.core.Core
-
Calculates the sum of array elements.
- surfaceChanged(SurfaceHolder, int, int, int) - Method in class org.opencv.android.CameraBridgeViewBase
-
- surfaceChanged(SurfaceHolder, int, int, int) - Method in class org.opencv.android.CameraGLSurfaceView
-
- surfaceCreated(SurfaceHolder) - Method in class org.opencv.android.CameraBridgeViewBase
-
- surfaceCreated(SurfaceHolder) - Method in class org.opencv.android.CameraGLSurfaceView
-
- surfaceDestroyed(SurfaceHolder) - Method in class org.opencv.android.CameraBridgeViewBase
-
- surfaceDestroyed(SurfaceHolder) - Method in class org.opencv.android.CameraGLSurfaceView
-
- SVBackSubst(Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
wrap SVD::backSubst
- SVD_FULL_UV - Static variable in class org.opencv.core.Core
-
- SVD_MODIFY_A - Static variable in class org.opencv.core.Core
-
- SVD_NO_UV - Static variable in class org.opencv.core.Core
-
- SVDecomp(Mat, Mat, Mat, Mat, int) - Static method in class org.opencv.core.Core
-
wrap SVD::compute
- SVDecomp(Mat, Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
wrap SVD::compute
- SVM - Class in org.opencv.ml
-
Support Vector Machines.
- SVMSGD - Class in org.opencv.ml
-
*************************************************************************************\
Stochastic Gradient Descent SVM Classifier *
\***************************************************************************************
- symEdge(int) - Method in class org.opencv.imgproc.Subdiv2D
-
- t() - Method in class org.opencv.core.Mat
-
- TAG - Static variable in class org.opencv.android.NativeCameraView
-
- TermCriteria - Class in org.opencv.core
-
- TermCriteria(int, int, double) - Constructor for class org.opencv.core.TermCriteria
-
Termination criteria for iterative algorithms.
- TermCriteria() - Constructor for class org.opencv.core.TermCriteria
-
Termination criteria for iterative algorithms.
- TermCriteria(double[]) - Constructor for class org.opencv.core.TermCriteria
-
- TEST_ERROR - Static variable in class org.opencv.ml.Ml
-
- TextDetectionModel - Class in org.opencv.dnn
-
Base class for text detection networks
- TextDetectionModel_DB - Class in org.opencv.dnn
-
This class represents high-level API for text detection DL networks compatible with DB model.
- TextDetectionModel_DB(Net) - Constructor for class org.opencv.dnn.TextDetectionModel_DB
-
Create text detection algorithm from deep learning network.
- TextDetectionModel_DB(String, String) - Constructor for class org.opencv.dnn.TextDetectionModel_DB
-
Create text detection model from network represented in one of the supported formats.
- TextDetectionModel_DB(String) - Constructor for class org.opencv.dnn.TextDetectionModel_DB
-
Create text detection model from network represented in one of the supported formats.
- TextDetectionModel_EAST - Class in org.opencv.dnn
-
This class represents high-level API for text detection DL networks compatible with EAST model.
- TextDetectionModel_EAST(Net) - Constructor for class org.opencv.dnn.TextDetectionModel_EAST
-
Create text detection algorithm from deep learning network
- TextDetectionModel_EAST(String, String) - Constructor for class org.opencv.dnn.TextDetectionModel_EAST
-
Create text detection model from network represented in one of the supported formats.
- TextDetectionModel_EAST(String) - Constructor for class org.opencv.dnn.TextDetectionModel_EAST
-
Create text detection model from network represented in one of the supported formats.
- TextRecognitionModel - Class in org.opencv.dnn
-
This class represents high-level API for text recognition networks.
- TextRecognitionModel(Net) - Constructor for class org.opencv.dnn.TextRecognitionModel
-
Create Text Recognition model from deep learning network
Call setDecodeType() and setVocabulary() after constructor to initialize the decoding method
- TextRecognitionModel(String, String) - Constructor for class org.opencv.dnn.TextRecognitionModel
-
Create text recognition model from network represented in one of the supported formats
Call setDecodeType() and setVocabulary() after constructor to initialize the decoding method
- TextRecognitionModel(String) - Constructor for class org.opencv.dnn.TextRecognitionModel
-
Create text recognition model from network represented in one of the supported formats
Call setDecodeType() and setVocabulary() after constructor to initialize the decoding method
- textureFlattening(Mat, Mat, Mat, float, float, int) - Static method in class org.opencv.photo.Photo
-
By retaining only the gradients at edge locations, before integrating with the Poisson solver, one
washes out the texture of the selected region, giving its contents a flat aspect.
- textureFlattening(Mat, Mat, Mat, float, float) - Static method in class org.opencv.photo.Photo
-
By retaining only the gradients at edge locations, before integrating with the Poisson solver, one
washes out the texture of the selected region, giving its contents a flat aspect.
- textureFlattening(Mat, Mat, Mat, float) - Static method in class org.opencv.photo.Photo
-
By retaining only the gradients at edge locations, before integrating with the Poisson solver, one
washes out the texture of the selected region, giving its contents a flat aspect.
- textureFlattening(Mat, Mat, Mat) - Static method in class org.opencv.photo.Photo
-
By retaining only the gradients at edge locations, before integrating with the Poisson solver, one
washes out the texture of the selected region, giving its contents a flat aspect.
- THRESH_BINARY - Static variable in class org.opencv.imgproc.Imgproc
-
- THRESH_BINARY_INV - Static variable in class org.opencv.imgproc.Imgproc
-
- THRESH_MASK - Static variable in class org.opencv.imgproc.Imgproc
-
- THRESH_OTSU - Static variable in class org.opencv.imgproc.Imgproc
-
- THRESH_TOZERO - Static variable in class org.opencv.imgproc.Imgproc
-
- THRESH_TOZERO_INV - Static variable in class org.opencv.imgproc.Imgproc
-
- THRESH_TRIANGLE - Static variable in class org.opencv.imgproc.Imgproc
-
- THRESH_TRUNC - Static variable in class org.opencv.imgproc.Imgproc
-
- THRESHOLD - Static variable in class org.opencv.features2d.AgastFeatureDetector
-
- THRESHOLD - Static variable in class org.opencv.features2d.FastFeatureDetector
-
- threshold(Mat, Mat, double, double, int) - Static method in class org.opencv.imgproc.Imgproc
-
Applies a fixed-level threshold to each array element.
- TickMeter - Class in org.opencv.core
-
a Class to measure passing time.
- TickMeter() - Constructor for class org.opencv.core.TickMeter
-
- tl() - Method in class org.opencv.core.Rect
-
- tl() - Method in class org.opencv.core.Rect2d
-
- TM_CCOEFF - Static variable in class org.opencv.imgproc.Imgproc
-
- TM_CCOEFF_NORMED - Static variable in class org.opencv.imgproc.Imgproc
-
- TM_CCORR - Static variable in class org.opencv.imgproc.Imgproc
-
- TM_CCORR_NORMED - Static variable in class org.opencv.imgproc.Imgproc
-
- TM_SQDIFF - Static variable in class org.opencv.imgproc.Imgproc
-
- TM_SQDIFF_NORMED - Static variable in class org.opencv.imgproc.Imgproc
-
- toArray() - Method in class org.opencv.core.MatOfByte
-
- toArray() - Method in class org.opencv.core.MatOfDMatch
-
- toArray() - Method in class org.opencv.core.MatOfDouble
-
- toArray() - Method in class org.opencv.core.MatOfFloat
-
- toArray() - Method in class org.opencv.core.MatOfFloat4
-
- toArray() - Method in class org.opencv.core.MatOfFloat6
-
- toArray() - Method in class org.opencv.core.MatOfInt
-
- toArray() - Method in class org.opencv.core.MatOfInt4
-
- toArray() - Method in class org.opencv.core.MatOfKeyPoint
-
- toArray() - Method in class org.opencv.core.MatOfPoint
-
- toArray() - Method in class org.opencv.core.MatOfPoint2f
-
- toArray() - Method in class org.opencv.core.MatOfPoint3
-
- toArray() - Method in class org.opencv.core.MatOfPoint3f
-
- toArray() - Method in class org.opencv.core.MatOfRect
-
- toArray() - Method in class org.opencv.core.MatOfRect2d
-
- toArray() - Method in class org.opencv.core.MatOfRotatedRect
-
- toList() - Method in class org.opencv.core.MatOfByte
-
- toList() - Method in class org.opencv.core.MatOfDMatch
-
- toList() - Method in class org.opencv.core.MatOfDouble
-
- toList() - Method in class org.opencv.core.MatOfFloat
-
- toList() - Method in class org.opencv.core.MatOfFloat4
-
- toList() - Method in class org.opencv.core.MatOfFloat6
-
- toList() - Method in class org.opencv.core.MatOfInt
-
- toList() - Method in class org.opencv.core.MatOfInt4
-
- toList() - Method in class org.opencv.core.MatOfKeyPoint
-
- toList() - Method in class org.opencv.core.MatOfPoint
-
- toList() - Method in class org.opencv.core.MatOfPoint2f
-
- toList() - Method in class org.opencv.core.MatOfPoint3
-
- toList() - Method in class org.opencv.core.MatOfPoint3f
-
- toList() - Method in class org.opencv.core.MatOfRect
-
- toList() - Method in class org.opencv.core.MatOfRect2d
-
- toList() - Method in class org.opencv.core.MatOfRotatedRect
-
- Tonemap - Class in org.opencv.photo
-
Base class for tonemapping algorithms - tools that are used to map HDR image to 8-bit range.
- TonemapDrago - Class in org.opencv.photo
-
Adaptive logarithmic mapping is a fast global tonemapping algorithm that scales the image in
logarithmic domain.
- TonemapMantiuk - Class in org.opencv.photo
-
This algorithm transforms image to contrast using gradients on all levels of gaussian pyramid,
transforms contrast values to HVS response and scales the response.
- TonemapReinhard - Class in org.opencv.photo
-
This is a global tonemapping operator that models human visual system.
- toString() - Method in exception org.opencv.core.CvException
-
- toString() - Method in class org.opencv.core.DMatch
-
- toString() - Method in class org.opencv.core.KeyPoint
-
- toString() - Method in class org.opencv.core.Mat
-
- toString() - Method in class org.opencv.core.Point
-
- toString() - Method in class org.opencv.core.Point3
-
- toString() - Method in class org.opencv.core.Range
-
- toString() - Method in class org.opencv.core.Rect
-
- toString() - Method in class org.opencv.core.Rect2d
-
- toString() - Method in class org.opencv.core.RotatedRect
-
- toString() - Method in class org.opencv.core.Scalar
-
- toString() - Method in class org.opencv.core.Size
-
- toString() - Method in class org.opencv.core.TermCriteria
-
- toString() - Method in class org.opencv.imgproc.Moments
-
- total() - Method in class org.opencv.core.Mat
-
- trace(Mat) - Static method in class org.opencv.core.Core
-
Returns the trace of a matrix.
- Tracker - Class in org.opencv.video
-
Base abstract class for the long-term tracker
- TrackerDaSiamRPN - Class in org.opencv.video
-
- TrackerDaSiamRPN_Params - Class in org.opencv.video
-
- TrackerDaSiamRPN_Params() - Constructor for class org.opencv.video.TrackerDaSiamRPN_Params
-
- TrackerGOTURN - Class in org.opencv.video
-
the GOTURN (Generic Object Tracking Using Regression Networks) tracker
GOTURN (CITE: GOTURN) is kind of trackers based on Convolutional Neural Networks (CNN).
- TrackerGOTURN_Params - Class in org.opencv.video
-
- TrackerGOTURN_Params() - Constructor for class org.opencv.video.TrackerGOTURN_Params
-
- TrackerMIL - Class in org.opencv.video
-
The MIL algorithm trains a classifier in an online manner to separate the object from the
background.
- TrackerMIL_Params - Class in org.opencv.video
-
- TrackerMIL_Params() - Constructor for class org.opencv.video.TrackerMIL_Params
-
- TrackerNano - Class in org.opencv.video
-
the Nano tracker is a super lightweight dnn-based general object tracking.
- TrackerNano_Params - Class in org.opencv.video
-
- TrackerNano_Params() - Constructor for class org.opencv.video.TrackerNano_Params
-
- TrackerSamplerCSC_MODE_DETECT - Static variable in class org.opencv.video.Video
-
- TrackerSamplerCSC_MODE_INIT_NEG - Static variable in class org.opencv.video.Video
-
- TrackerSamplerCSC_MODE_INIT_POS - Static variable in class org.opencv.video.Video
-
- TrackerSamplerCSC_MODE_TRACK_NEG - Static variable in class org.opencv.video.Video
-
- TrackerSamplerCSC_MODE_TRACK_POS - Static variable in class org.opencv.video.Video
-
- TrackerVit - Class in org.opencv.video
-
the VIT tracker is a super lightweight dnn-based general object tracking.
- TrackerVit_Params - Class in org.opencv.video
-
- TrackerVit_Params() - Constructor for class org.opencv.video.TrackerVit_Params
-
- train() - Method in class org.opencv.features2d.DescriptorMatcher
-
Trains a descriptor matcher
Trains a descriptor matcher (for example, the flann index).
- train(TrainData, int) - Method in class org.opencv.ml.StatModel
-
Trains the statistical model
- train(TrainData) - Method in class org.opencv.ml.StatModel
-
Trains the statistical model
- train(Mat, int, Mat) - Method in class org.opencv.ml.StatModel
-
Trains the statistical model
- TRAIN_ERROR - Static variable in class org.opencv.ml.Ml
-
- trainAuto(Mat, int, Mat, int, ParamGrid, ParamGrid, ParamGrid, ParamGrid, ParamGrid, ParamGrid, boolean) - Method in class org.opencv.ml.SVM
-
Trains an %SVM with optimal parameters
- trainAuto(Mat, int, Mat, int, ParamGrid, ParamGrid, ParamGrid, ParamGrid, ParamGrid, ParamGrid) - Method in class org.opencv.ml.SVM
-
Trains an %SVM with optimal parameters
- trainAuto(Mat, int, Mat, int, ParamGrid, ParamGrid, ParamGrid, ParamGrid, ParamGrid) - Method in class org.opencv.ml.SVM
-
Trains an %SVM with optimal parameters
- trainAuto(Mat, int, Mat, int, ParamGrid, ParamGrid, ParamGrid, ParamGrid) - Method in class org.opencv.ml.SVM
-
Trains an %SVM with optimal parameters
- trainAuto(Mat, int, Mat, int, ParamGrid, ParamGrid, ParamGrid) - Method in class org.opencv.ml.SVM
-
Trains an %SVM with optimal parameters
- trainAuto(Mat, int, Mat, int, ParamGrid, ParamGrid) - Method in class org.opencv.ml.SVM
-
Trains an %SVM with optimal parameters
- trainAuto(Mat, int, Mat, int, ParamGrid) - Method in class org.opencv.ml.SVM
-
Trains an %SVM with optimal parameters
- trainAuto(Mat, int, Mat, int) - Method in class org.opencv.ml.SVM
-
Trains an %SVM with optimal parameters
- trainAuto(Mat, int, Mat) - Method in class org.opencv.ml.SVM
-
Trains an %SVM with optimal parameters
- TrainData - Class in org.opencv.ml
-
Class encapsulating training data.
- trainE(Mat, Mat, Mat, Mat, Mat, Mat, Mat) - Method in class org.opencv.ml.EM
-
Estimate the Gaussian mixture parameters from a samples set.
- trainE(Mat, Mat, Mat, Mat, Mat, Mat) - Method in class org.opencv.ml.EM
-
Estimate the Gaussian mixture parameters from a samples set.
- trainE(Mat, Mat, Mat, Mat, Mat) - Method in class org.opencv.ml.EM
-
Estimate the Gaussian mixture parameters from a samples set.
- trainE(Mat, Mat, Mat, Mat) - Method in class org.opencv.ml.EM
-
Estimate the Gaussian mixture parameters from a samples set.
- trainE(Mat, Mat, Mat) - Method in class org.opencv.ml.EM
-
Estimate the Gaussian mixture parameters from a samples set.
- trainE(Mat, Mat) - Method in class org.opencv.ml.EM
-
Estimate the Gaussian mixture parameters from a samples set.
- trainEM(Mat, Mat, Mat, Mat) - Method in class org.opencv.ml.EM
-
Estimate the Gaussian mixture parameters from a samples set.
- trainEM(Mat, Mat, Mat) - Method in class org.opencv.ml.EM
-
Estimate the Gaussian mixture parameters from a samples set.
- trainEM(Mat, Mat) - Method in class org.opencv.ml.EM
-
Estimate the Gaussian mixture parameters from a samples set.
- trainEM(Mat) - Method in class org.opencv.ml.EM
-
Estimate the Gaussian mixture parameters from a samples set.
- trainIdx - Variable in class org.opencv.core.DMatch
-
Train descriptor index.
- trainM(Mat, Mat, Mat, Mat, Mat) - Method in class org.opencv.ml.EM
-
Estimate the Gaussian mixture parameters from a samples set.
- trainM(Mat, Mat, Mat, Mat) - Method in class org.opencv.ml.EM
-
Estimate the Gaussian mixture parameters from a samples set.
- trainM(Mat, Mat, Mat) - Method in class org.opencv.ml.EM
-
Estimate the Gaussian mixture parameters from a samples set.
- trainM(Mat, Mat) - Method in class org.opencv.ml.EM
-
Estimate the Gaussian mixture parameters from a samples set.
- transform(Mat, Mat, Mat) - Static method in class org.opencv.core.Core
-
Performs the matrix transformation of every array element.
- transpose(Mat, Mat) - Static method in class org.opencv.core.Core
-
Transposes a matrix.
- transposeND(Mat, MatOfInt, Mat) - Static method in class org.opencv.core.Core
-
Transpose for n-dimensional matrices.
- triangulatePoints(Mat, Mat, Mat, Mat, Mat) - Static method in class org.opencv.calib3d.Calib3d
-
This function reconstructs 3-dimensional points (in homogeneous coordinates) by using
their observations with a stereo camera.
- Tuple2(T, T) - Constructor for class org.opencv.core.Mat.Tuple2
-
- Tuple3(T, T, T) - Constructor for class org.opencv.core.Mat.Tuple3
-
- Tuple4(T, T, T, T) - Constructor for class org.opencv.core.Mat.Tuple4
-
- type() - Method in class org.opencv.core.Mat
-
- type - Variable in class org.opencv.core.TermCriteria
-
- TYPE_5_8 - Static variable in class org.opencv.features2d.FastFeatureDetector
-
- TYPE_7_12 - Static variable in class org.opencv.features2d.FastFeatureDetector
-
- TYPE_9_16 - Static variable in class org.opencv.features2d.FastFeatureDetector
-
- typeToString(int) - Static method in class org.opencv.core.CvType
-