Uses of Class
org.opencv.core.Algorithm
-
-
Uses of Algorithm in org.opencv.bgsegm
Subclasses of Algorithm in org.opencv.bgsegm Modifier and Type Class Description classBackgroundSubtractorCNTBackground subtraction based on counting.classBackgroundSubtractorGMGBackground Subtractor module based on the algorithm given in CITE: Gold2012 .classBackgroundSubtractorGSOCImplementation of the different yet better algorithm which is called GSOC, as it was implemented during GSOC and was not originated from any paper.classBackgroundSubtractorLSBPBackground Subtraction using Local SVD Binary Pattern.classBackgroundSubtractorMOGGaussian Mixture-based Background/Foreground Segmentation Algorithm.classSyntheticSequenceGeneratorSynthetic frame sequence generator for testing background subtraction algorithms. -
Uses of Algorithm in org.opencv.bioinspired
Subclasses of Algorithm in org.opencv.bioinspired Modifier and Type Class Description classRetinaclass which allows the Gipsa/Listic Labs model to be used with OpenCV.classRetinaFastToneMappinga wrapper class which allows the tone mapping algorithm of Meylan&al(2007) to be used with OpenCV.classTransientAreasSegmentationModuleclass which provides a transient/moving areas segmentation module perform a locally adapted segmentation by using the retina magno input data Based on Alexandre BENOIT thesis: "Le système visuel humain au secours de la vision par ordinateur" 3 spatio temporal filters are used: a first one which filters the noise and local variations of the input motion energy a second (more powerfull low pass spatial filter) which gives the neighborhood motion energy the segmentation consists in the comparison of these both outputs, if the local motion energy is higher to the neighborhood otion energy, then the area is considered as moving and is segmented a stronger third low pass filter helps decision by providing a smooth information about the "motion context" in a wider area -
Uses of Algorithm in org.opencv.calib3d
Subclasses of Algorithm in org.opencv.calib3d Modifier and Type Class Description classStereoBMClass for computing stereo correspondence using the block matching algorithm, introduced and contributed to OpenCV by K.classStereoMatcherThe base class for stereo correspondence algorithms.classStereoSGBMThe class implements the modified H. -
Uses of Algorithm in org.opencv.core
Methods in org.opencv.core that return Algorithm Modifier and Type Method Description static AlgorithmAlgorithm. __fromPtr__(long addr) -
Uses of Algorithm in org.opencv.dnn
Subclasses of Algorithm in org.opencv.dnn Modifier and Type Class Description classLayerThis interface class allows to build new Layers - are building blocks of networks. -
Uses of Algorithm in org.opencv.face
Subclasses of Algorithm in org.opencv.face Modifier and Type Class Description classBasicFaceRecognizerclassBIFImplementation of bio-inspired features (BIF) from the paper: Guo, Guodong, et al.classEigenFaceRecognizerclassFacemarkAbstract base class for all facemark models To utilize this API in your program, please take a look at the REF: tutorial_table_of_content_facemark ### Description Facemark is a base class which provides universal access to any specific facemark algorithm.classFacemarkAAMclassFacemarkKazemiclassFacemarkLBFclassFacemarkTrainAbstract base class for trainable facemark models To utilize this API in your program, please take a look at the REF: tutorial_table_of_content_facemark ### Description The AAM and LBF facemark models in OpenCV are derived from the abstract base class FacemarkTrain, which provides a unified access to those facemark algorithms in OpenCV.classFaceRecognizerAbstract base class for all face recognition models All face recognition models in OpenCV are derived from the abstract base class FaceRecognizer, which provides a unified access to all face recongition algorithms in OpenCV.classFisherFaceRecognizerclassLBPHFaceRecognizerclassMACEMinimum Average Correlation Energy Filter useful for authentication with (cancellable) biometrical features. -
Uses of Algorithm in org.opencv.features2d
Subclasses of Algorithm in org.opencv.features2d Modifier and Type Class Description classAffineFeatureClass for implementing the wrapper which makes detectors and extractors to be affine invariant, described as ASIFT in CITE: YM11 .classAgastFeatureDetectorWrapping class for feature detection using the AGAST method.classAKAZEClass implementing the AKAZE keypoint detector and descriptor extractor, described in CITE: ANB13.classBFMatcherBrute-force descriptor matcher.classBRISKClass implementing the BRISK keypoint detector and descriptor extractor, described in CITE: LCS11 .classDescriptorMatcherAbstract base class for matching keypoint descriptors.classFastFeatureDetectorWrapping class for feature detection using the FAST method.classFeature2DAbstract base class for 2D image feature detectors and descriptor extractorsclassFlannBasedMatcherFlann-based descriptor matcher.classGFTTDetectorWrapping class for feature detection using the goodFeaturesToTrack function.classKAZEClass implementing the KAZE keypoint detector and descriptor extractor, described in CITE: ABD12 .classMSERMaximally stable extremal region extractor The class encapsulates all the parameters of the %MSER extraction algorithm (see [wiki article](http://en.wikipedia.org/wiki/Maximally_stable_extremal_regions)).classORBClass implementing the ORB (*oriented BRIEF*) keypoint detector and descriptor extractor described in CITE: RRKB11 .classSIFTClass for extracting keypoints and computing descriptors using the Scale Invariant Feature Transform (SIFT) algorithm by D.classSimpleBlobDetectorClass for extracting blobs from an image. -
Uses of Algorithm in org.opencv.img_hash
Subclasses of Algorithm in org.opencv.img_hash Modifier and Type Class Description classAverageHashComputes average hash value of the input image This is a fast image hashing algorithm, but only work on simple case.classBlockMeanHashImage hash based on block mean.classColorMomentHashImage hash based on color moments.classImgHashBaseThe base class for image hash algorithmsclassMarrHildrethHashMarr-Hildreth Operator Based Hash, slowest but more discriminative.classPHashpHash Slower than average_hash, but tolerant of minor modifications This algorithm can combat more variation than averageHash, for more details please refer to CITE: lookslikeitclassRadialVarianceHashImage hash based on Radon transform. -
Uses of Algorithm in org.opencv.imgproc
Subclasses of Algorithm in org.opencv.imgproc Modifier and Type Class Description classCLAHEBase class for Contrast Limited Adaptive Histogram Equalization.classGeneralizedHoughfinds arbitrary template in the grayscale image using Generalized Hough TransformclassGeneralizedHoughBallardfinds arbitrary template in the grayscale image using Generalized Hough Transform Detects position only without translation and rotation CITE: Ballard1981 .classGeneralizedHoughGuilfinds arbitrary template in the grayscale image using Generalized Hough Transform Detects position, translation and rotation CITE: Guil1999 .classLineSegmentDetectorLine segment detector class following the algorithm described at CITE: Rafael12 . -
Uses of Algorithm in org.opencv.ml
Subclasses of Algorithm in org.opencv.ml Modifier and Type Class Description classANN_MLPArtificial Neural Networks - Multi-Layer Perceptrons.classBoostBoosted tree classifier derived from DTrees SEE: REF: ml_intro_boostclassDTreesThe class represents a single decision tree or a collection of decision trees.classEMThe class implements the Expectation Maximization algorithm.classKNearestThe class implements K-Nearest Neighbors model SEE: REF: ml_intro_knnclassLogisticRegressionImplements Logistic Regression classifier.classNormalBayesClassifierBayes classifier for normally distributed data.classRTreesThe class implements the random forest predictor.classStatModelBase class for statistical models in OpenCV ML.classSVMSupport Vector Machines.classSVMSGD*************************************************************************************\ Stochastic Gradient Descent SVM Classifier * \*************************************************************************************** -
Uses of Algorithm in org.opencv.objdetect
Subclasses of Algorithm in org.opencv.objdetect Modifier and Type Class Description classBaseCascadeClassifier -
Uses of Algorithm in org.opencv.phase_unwrapping
Subclasses of Algorithm in org.opencv.phase_unwrapping Modifier and Type Class Description classHistogramPhaseUnwrappingClass implementing two-dimensional phase unwrapping based on CITE: histogramUnwrapping This algorithm belongs to the quality-guided phase unwrapping methods.classPhaseUnwrappingAbstract base class for phase unwrapping. -
Uses of Algorithm in org.opencv.photo
Subclasses of Algorithm in org.opencv.photo Modifier and Type Class Description classAlignExposuresThe base class for algorithms that align images of the same scene with different exposuresclassAlignMTBThis 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.classCalibrateCRFThe base class for camera response calibration algorithms.classCalibrateDebevecInverse camera response function is extracted for each brightness value by minimizing an objective function as linear system.classCalibrateRobertsonInverse camera response function is extracted for each brightness value by minimizing an objective function as linear system.classMergeDebevecThe resulting HDR image is calculated as weighted average of the exposures considering exposure values and camera response.classMergeExposuresThe base class algorithms that can merge exposure sequence to a single image.classMergeMertensPixels are weighted using contrast, saturation and well-exposedness measures, than images are combined using laplacian pyramids.classMergeRobertsonThe resulting HDR image is calculated as weighted average of the exposures considering exposure values and camera response.classTonemapBase class for tonemapping algorithms - tools that are used to map HDR image to 8-bit range.classTonemapDragoAdaptive logarithmic mapping is a fast global tonemapping algorithm that scales the image in logarithmic domain.classTonemapMantiukThis algorithm transforms image to contrast using gradients on all levels of gaussian pyramid, transforms contrast values to HVS response and scales the response.classTonemapReinhardThis is a global tonemapping operator that models human visual system. -
Uses of Algorithm in org.opencv.plot
Subclasses of Algorithm in org.opencv.plot Modifier and Type Class Description classPlot2dplot Plot function for Mat data -
Uses of Algorithm in org.opencv.structured_light
Subclasses of Algorithm in org.opencv.structured_light Modifier and Type Class Description classGrayCodePatternClass implementing the Gray-code pattern, based on CITE: UNDERWORLD.classSinusoidalPatternClass implementing Fourier transform profilometry (FTP) , phase-shifting profilometry (PSP) and Fourier-assisted phase-shifting profilometry (FAPS) based on CITE: faps.classStructuredLightPatternAbstract base class for generating and decoding structured light patterns. -
Uses of Algorithm in org.opencv.text
Subclasses of Algorithm in org.opencv.text Modifier and Type Class Description classERFilterBase class for 1st and 2nd stages of Neumann and Matas scene text detection algorithm CITE: Neumann12. -
Uses of Algorithm in org.opencv.tracking
Subclasses of Algorithm in org.opencv.tracking Modifier and Type Class Description classlegacy_MultiTrackerThis class is used to track multiple objects using the specified tracker algorithm.classlegacy_TrackerBase abstract class for the long-term tracker:classlegacy_TrackerBoostingthe Boosting tracker This is a real-time object tracking based on a novel on-line version of the AdaBoost algorithm.classlegacy_TrackerCSRTthe CSRT tracker The implementation is based on CITE: Lukezic_IJCV2018 Discriminative Correlation Filter with Channel and Spatial Reliabilityclasslegacy_TrackerKCFthe KCF (Kernelized Correlation Filter) tracker KCF is a novel tracking framework that utilizes properties of circulant matrix to enhance the processing speed.classlegacy_TrackerMedianFlowthe Median Flow tracker Implementation of a paper CITE: MedianFlow .classlegacy_TrackerMILThe MIL algorithm trains a classifier in an online manner to separate the object from the background.classlegacy_TrackerMOSSEthe MOSSE (Minimum Output Sum of Squared %Error) tracker The implementation is based on CITE: MOSSE Visual Object Tracking using Adaptive Correlation Filters Note: this tracker works with grayscale images, if passed bgr ones, they will get converted internally.classlegacy_TrackerTLDthe TLD (Tracking, learning and detection) tracker TLD is a novel tracking framework that explicitly decomposes the long-term tracking task into tracking, learning and detection. -
Uses of Algorithm in org.opencv.video
Subclasses of Algorithm in org.opencv.video Modifier and Type Class Description classBackgroundSubtractorBase class for background/foreground segmentation.classBackgroundSubtractorKNNK-nearest neighbours - based Background/Foreground Segmentation Algorithm.classBackgroundSubtractorMOG2Gaussian Mixture-based Background/Foreground Segmentation Algorithm.classDenseOpticalFlowBase class for dense optical flow algorithmsclassDISOpticalFlowDIS optical flow algorithm.classFarnebackOpticalFlowClass computing a dense optical flow using the Gunnar Farneback's algorithm.classSparseOpticalFlowBase interface for sparse optical flow algorithms.classSparsePyrLKOpticalFlowClass used for calculating a sparse optical flow.classVariationalRefinementVariational optical flow refinement This class implements variational refinement of the input flow field, i.e. -
Uses of Algorithm in org.opencv.xfeatures2d
Subclasses of Algorithm in org.opencv.xfeatures2d Modifier and Type Class Description classAffineFeature2DClass implementing affine adaptation for key points.classBEBLIDClass implementing BEBLID (Boosted Efficient Binary Local Image Descriptor), described in CITE: Suarez2020BEBLID .classBoostDescClass implementing BoostDesc (Learning Image Descriptors with Boosting), described in CITE: Trzcinski13a and CITE: Trzcinski13b.classBriefDescriptorExtractorClass for computing BRIEF descriptors described in CITE: calon2010 .classDAISYClass implementing DAISY descriptor, described in CITE: Tola10 radius radius of the descriptor at the initial scale q_radius amount of radial range division quantity q_theta amount of angular range division quantity q_hist amount of gradient orientations range division quantity norm choose descriptors normalization type, where DAISY::NRM_NONE will not do any normalization (default), DAISY::NRM_PARTIAL mean that histograms are normalized independently for L2 norm equal to 1.0, DAISY::NRM_FULL mean that descriptors are normalized for L2 norm equal to 1.0, DAISY::NRM_SIFT mean that descriptors are normalized for L2 norm equal to 1.0 but no individual one is bigger than 0.154 as in SIFT H optional 3x3 homography matrix used to warp the grid of daisy but sampling keypoints remains unwarped on image interpolation switch to disable interpolation for speed improvement at minor quality loss use_orientation sample patterns using keypoints orientation, disabled by default.classFREAKClass implementing the FREAK (*Fast Retina Keypoint*) keypoint descriptor, described in CITE: AOV12 .classHarrisLaplaceFeatureDetectorClass implementing the Harris-Laplace feature detector as described in CITE: Mikolajczyk2004.classLATCHlatch Class for computing the LATCH descriptor.classLUCIDClass implementing the locally uniform comparison image descriptor, described in CITE: LUCID An image descriptor that can be computed very fast, while being about as robust as, for example, SURF or BRIEF.classMSDDetectorClass implementing the MSD (*Maximal Self-Dissimilarity*) keypoint detector, described in CITE: Tombari14.classPCTSignaturesClass implementing PCT (position-color-texture) signature extraction as described in CITE: KrulisLS16.classPCTSignaturesSQFDClass implementing Signature Quadratic Form Distance (SQFD).classStarDetectorThe class implements the keypoint detector introduced by CITE: Agrawal08, synonym of StarDetector.classSURFClass for extracting Speeded Up Robust Features from an image CITE: Bay06 .classTBMRClass implementing the Tree Based Morse Regions (TBMR) as described in CITE: Najman2014 extended with scaled extraction ability.classVGGClass implementing VGG (Oxford Visual Geometry Group) descriptor trained end to end using "Descriptor Learning Using Convex Optimisation" (DLCO) aparatus described in CITE: Simonyan14. -
Uses of Algorithm in org.opencv.ximgproc
Subclasses of Algorithm in org.opencv.ximgproc Modifier and Type Class Description classAdaptiveManifoldFilterInterface for Adaptive Manifold Filter realizations.classContourFittingClass for ContourFitting algorithms.classDisparityFilterMain interface for all disparity map filters.classDisparityWLSFilterDisparity map filter based on Weighted Least Squares filter (in form of Fast Global Smoother that is a lot faster than traditional Weighted Least Squares filter implementations) and optional use of left-right-consistency-based confidence to refine the results in half-occlusions and uniform areas.classDTFilterInterface for realizations of Domain Transform filter.classEdgeAwareInterpolatorSparse match interpolation algorithm based on modified locally-weighted affine estimator from CITE: Revaud2015 and Fast Global Smoother as post-processing filter.classEdgeBoxesClass implementing EdgeBoxes algorithm from CITE: ZitnickECCV14edgeBoxes :classEdgeDrawingClass implementing the ED (EdgeDrawing) CITE: topal2012edge, EDLines CITE: akinlar2011edlines, EDPF CITE: akinlar2012edpf and EDCircles CITE: akinlar2013edcircles algorithmsclassFastBilateralSolverFilterInterface for implementations of Fast Bilateral Solver.classFastGlobalSmootherFilterInterface for implementations of Fast Global Smoother filter.classFastLineDetectorClass implementing the FLD (Fast Line Detector) algorithm described in CITE: Lee14 .classGraphSegmentationGraph Based Segmentation Algorithm.classGuidedFilterInterface for realizations of Guided Filter.classRFFeatureGetterJun 17, 2014classRICInterpolatorSparse match interpolation algorithm based on modified piecewise locally-weighted affine estimator called Robust Interpolation method of Correspondences or RIC from CITE: Hu2017 and Variational and Fast Global Smoother as post-processing filter.classRidgeDetectionFilterApplies Ridge Detection Filter to an input image.classSelectiveSearchSegmentationSelective search segmentation algorithm The class implements the algorithm described in CITE: uijlings2013selective.classSelectiveSearchSegmentationStrategyStrategie for the selective search segmentation algorithm The class implements a generic stragery for the algorithm described in CITE: uijlings2013selective.classSelectiveSearchSegmentationStrategyColorColor-based strategy for the selective search segmentation algorithm The class is implemented from the algorithm described in CITE: uijlings2013selective.classSelectiveSearchSegmentationStrategyFillFill-based strategy for the selective search segmentation algorithm The class is implemented from the algorithm described in CITE: uijlings2013selective.classSelectiveSearchSegmentationStrategyMultipleRegroup multiple strategies for the selective search segmentation algorithmclassSelectiveSearchSegmentationStrategySizeSize-based strategy for the selective search segmentation algorithm The class is implemented from the algorithm described in CITE: uijlings2013selective.classSelectiveSearchSegmentationStrategyTextureTexture-based strategy for the selective search segmentation algorithm The class is implemented from the algorithm described in CITE: uijlings2013selective.classSparseMatchInterpolatorMain interface for all filters, that take sparse matches as an input and produce a dense per-pixel matching (optical flow) as an output.classStructuredEdgeDetectionClass implementing edge detection algorithm from CITE: Dollar2013 :classSuperpixelLSCClass implementing the LSC (Linear Spectral Clustering) superpixels algorithm described in CITE: LiCVPR2015LSC.classSuperpixelSEEDSClass implementing the SEEDS (Superpixels Extracted via Energy-Driven Sampling) superpixels algorithm described in CITE: VBRV14 .classSuperpixelSLICClass implementing the SLIC (Simple Linear Iterative Clustering) superpixels algorithm described in CITE: Achanta2012. -
Uses of Algorithm in org.opencv.xphoto
Subclasses of Algorithm in org.opencv.xphoto Modifier and Type Class Description classGrayworldWBGray-world white balance algorithm This algorithm scales the values of pixels based on a gray-world assumption which states that the average of all channels should result in a gray image.classLearningBasedWBMore sophisticated learning-based automatic white balance algorithm.classSimpleWBA simple white balance algorithm that works by independently stretching each of the input image channels to the specified range.classTonemapDurandThis algorithm decomposes image into two layers: base layer and detail layer using bilateral filter and compresses contrast of the base layer thus preserving all the details.classWhiteBalancerThe base class for auto white balance algorithms.
-