Trait opencv::traits::Boxed

source ·
pub trait Boxed: Sized {
    // Required methods
    unsafe fn from_raw(ptr: *mut c_void) -> Self;
    fn into_raw(self) -> *mut c_void;
    fn as_raw(&self) -> *const c_void;
    fn as_raw_mut(&mut self) -> *mut c_void;
}
Expand description

Trait for structures that are created on the C++ side, usually only the raw void pointer is stored to point to the allocated data on the heap.

Required Methods§

source

unsafe fn from_raw(ptr: *mut c_void) -> Self

Wrap the specified raw pointer

§Safety

Caller must ensure that the passed pointer is pointing to a valid unowned object data

source

fn into_raw(self) -> *mut c_void

Return the underlying raw pointer while consuming this wrapper.

This will not free object referenced by this pointer, so you can use this pointer indefinitely. Be sure to free it (by e.g. calling from_raw() with the same wrapper type) to avoid leaking memory.

source

fn as_raw(&self) -> *const c_void

Return the underlying raw pointer.

You can use this pointer as long as the original object lives. Be careful not to double-free it.

source

fn as_raw_mut(&mut self) -> *mut c_void

Return the underlying mutable raw pointer

You can use this pointer as long as the original object lives. Be careful not to double-free it. Note that ownership is still retained in the original object. Use into_raw() if you want to transfer ownership to another wrapper.

Object Safety§

This trait is not object safe.

Implementors§

source§

impl Boxed for EstimateParameters

source§

impl Boxed for BackgroundSubtractorCNT

source§

impl Boxed for BackgroundSubtractorGMG

source§

impl Boxed for BackgroundSubtractorGSOC

source§

impl Boxed for BackgroundSubtractorLSBP

source§

impl Boxed for BackgroundSubtractorLSBPDesc

source§

impl Boxed for BackgroundSubtractorMOG

source§

impl Boxed for SyntheticSequenceGenerator

source§

impl Boxed for Retina

source§

impl Boxed for RetinaFastToneMapping

source§

impl Boxed for RetinaParameters

source§

impl Boxed for TransientAreasSegmentationModule

source§

impl Boxed for LMSolver

source§

impl Boxed for LMSolver_Callback

source§

impl Boxed for StereoBM

source§

impl Boxed for StereoMatcher

source§

impl Boxed for StereoSGBM

source§

impl Boxed for CustomPattern

source§

impl Boxed for MultiCameraCalibration

source§

impl Boxed for MultiCameraCalibration_edge

source§

impl Boxed for MultiCameraCalibration_vertex

source§

impl Boxed for RandomPatternCornerFinder

source§

impl Boxed for RandomPatternGenerator

source§

impl Boxed for Algorithm

source§

impl Boxed for Arrays

source§

impl Boxed for AsyncArray

source§

impl Boxed for AsyncPromise

source§

impl Boxed for Buffer

source§

impl Boxed for BufferPool

source§

impl Boxed for CommandLineParser

source§

impl Boxed for ConjGradSolver

source§

impl Boxed for Context

source§

impl Boxed for Context_UserContext

source§

impl Boxed for Detail_CheckContext

source§

impl Boxed for Device

source§

impl Boxed for DeviceInfo

source§

impl Boxed for DownhillSolver

source§

impl Boxed for Event

source§

impl Boxed for Exception

source§

impl Boxed for FileNode

source§

impl Boxed for FileNodeIterator

source§

impl Boxed for FileStorage

source§

impl Boxed for Formatted

source§

impl Boxed for Formatter

source§

impl Boxed for FunctionParams

source§

impl Boxed for GpuData

source§

impl Boxed for GpuMat

source§

impl Boxed for GpuMatND

source§

impl Boxed for GpuMat_Allocator

source§

impl Boxed for Hamming

source§

impl Boxed for HostMem

source§

impl Boxed for Image2D

source§

impl Boxed for Kernel

source§

impl Boxed for KernelArg

source§

impl Boxed for KeyPoint

source§

impl Boxed for LDA

source§

impl Boxed for LogTag

source§

impl Boxed for MatConstIterator

source§

impl Boxed for MatExpr

source§

impl Boxed for MatOp

source§

impl Boxed for MatSize

source§

impl Boxed for MatStep

source§

impl Boxed for Matx_AddOp

source§

impl Boxed for Matx_DivOp

source§

impl Boxed for Matx_MatMulOp

source§

impl Boxed for Matx_MulOp

source§

impl Boxed for Matx_ScaleOp

source§

impl Boxed for Matx_SubOp

source§

impl Boxed for Matx_TOp

source§

impl Boxed for MinProblemSolver

source§

impl Boxed for MinProblemSolver_Function

source§

impl Boxed for NodeData

source§

impl Boxed for OpenCLExecutionContext

source§

impl Boxed for OriginalClassName

source§

impl Boxed for PCA

source§

impl Boxed for ParallelLoopBody

source§

impl Boxed for Platform

source§

impl Boxed for PlatformInfo

source§

impl Boxed for Program

source§

impl Boxed for ProgramSource

source§

impl Boxed for Queue

source§

impl Boxed for RNG

source§

impl Boxed for RNG_MT19937

source§

impl Boxed for Range

source§

impl Boxed for SVD

source§

impl Boxed for SparseMat

source§

impl Boxed for SparseMatConstIterator

source§

impl Boxed for SparseMatIterator

source§

impl Boxed for SparseMat_Hdr

source§

impl Boxed for SparseMat_Node

source§

impl Boxed for Stream

source§

impl Boxed for TargetArchs

source§

impl Boxed for Texture2D

source§

impl Boxed for TickMeter

source§

impl Boxed for Timer

source§

impl Boxed for UMat

source§

impl Boxed for UMatData

source§

impl Boxed for WriteStructContext

source§

impl Boxed for _InputArray

source§

impl Boxed for _InputOutputArray

source§

impl Boxed for _OutputArray

source§

impl Boxed for Convolution

source§

impl Boxed for DFT

source§

impl Boxed for LookUpTable

source§

impl Boxed for CUDA_BackgroundSubtractorMOG2

source§

impl Boxed for CUDA_BackgroundSubtractorMOG

source§

impl Boxed for CUDA_EncoderCallback

source§

impl Boxed for CUDA_RawVideoSource

source§

impl Boxed for CUDA_VideoReader

source§

impl Boxed for CUDA_VideoWriter

source§

impl Boxed for CUDA_DescriptorMatcher

source§

impl Boxed for CUDA_FastFeatureDetector

source§

impl Boxed for CUDA_Feature2DAsync

source§

impl Boxed for CUDA_ORB

source§

impl Boxed for Filter

source§

impl Boxed for CUDA_CLAHE

source§

impl Boxed for CUDA_CannyEdgeDetector

source§

impl Boxed for CUDA_CornernessCriteria

source§

impl Boxed for CUDA_CornersDetector

source§

impl Boxed for CUDA_HoughCirclesDetector

source§

impl Boxed for CUDA_HoughLinesDetector

source§

impl Boxed for CUDA_HoughSegmentDetector

source§

impl Boxed for CUDA_TemplateMatching

source§

impl Boxed for CUDA_CascadeClassifier

source§

impl Boxed for CUDA_HOG

source§

impl Boxed for CUDA_BroxOpticalFlow

source§

impl Boxed for CUDA_DenseOpticalFlow

source§

impl Boxed for CUDA_DensePyrLKOpticalFlow

source§

impl Boxed for CUDA_FarnebackOpticalFlow

source§

impl Boxed for CUDA_NvidiaHWOpticalFlow

source§

impl Boxed for CUDA_NvidiaOpticalFlow_1_0

source§

impl Boxed for CUDA_NvidiaOpticalFlow_2_0

source§

impl Boxed for CUDA_OpticalFlowDual_TVL1

source§

impl Boxed for CUDA_SparseOpticalFlow

source§

impl Boxed for CUDA_SparsePyrLKOpticalFlow

source§

impl Boxed for CUDA_DisparityBilateralFilter

source§

impl Boxed for CUDA_StereoBM

source§

impl Boxed for CUDA_StereoBeliefPropagation

source§

impl Boxed for CUDA_StereoConstantSpaceBP

source§

impl Boxed for CUDA_StereoSGM

source§

impl Boxed for CallMetaData

source§

impl Boxed for AbsLayer

source§

impl Boxed for AccumLayer

source§

impl Boxed for AcosLayer

source§

impl Boxed for AcoshLayer

source§

impl Boxed for ActivationLayer

source§

impl Boxed for ActivationLayerInt8

source§

impl Boxed for ArgLayer

source§

impl Boxed for AsinLayer

source§

impl Boxed for AsinhLayer

source§

impl Boxed for AtanLayer

source§

impl Boxed for AtanhLayer

source§

impl Boxed for AttentionLayer

source§

impl Boxed for BNLLLayer

source§

impl Boxed for BackendNode

source§

impl Boxed for BackendWrapper

source§

impl Boxed for BaseConvolutionLayer

source§

impl Boxed for BatchNormLayer

source§

impl Boxed for BatchNormLayerInt8

source§

impl Boxed for BlankLayer

source§

impl Boxed for CeilLayer

source§

impl Boxed for CeluLayer

source§

impl Boxed for ChannelsPReLULayer

source§

impl Boxed for ClassificationModel

source§

impl Boxed for CompareLayer

source§

impl Boxed for ConcatLayer

source§

impl Boxed for ConstLayer

source§

impl Boxed for ConvolutionLayer

source§

impl Boxed for ConvolutionLayerInt8

source§

impl Boxed for CorrelationLayer

source§

impl Boxed for CosLayer

source§

impl Boxed for CoshLayer

source§

impl Boxed for CropAndResizeLayer

source§

impl Boxed for CropLayer

source§

impl Boxed for CumSumLayer

source§

impl Boxed for DataAugmentationLayer

source§

impl Boxed for DeconvolutionLayer

source§

impl Boxed for DequantizeLayer

source§

impl Boxed for DetectionModel

source§

impl Boxed for DetectionOutputLayer

source§

impl Boxed for Dict

source§

impl Boxed for DictValue

source§

impl Boxed for ELULayer

source§

impl Boxed for EinsumLayer

source§

impl Boxed for EltwiseLayer

source§

impl Boxed for EltwiseLayerInt8

source§

impl Boxed for ErfLayer

source§

impl Boxed for ExpLayer

source§

impl Boxed for ExpandLayer

source§

impl Boxed for FlattenLayer

source§

impl Boxed for FloorLayer

source§

impl Boxed for FlowWarpLayer

source§

impl Boxed for GRULayer

source§

impl Boxed for GatherElementsLayer

source§

impl Boxed for GatherLayer

source§

impl Boxed for GeluApproximationLayer

source§

impl Boxed for GeluLayer

source§

impl Boxed for GemmLayer

source§

impl Boxed for HardSigmoidLayer

source§

impl Boxed for HardSwishLayer

source§

impl Boxed for InnerProductLayer

source§

impl Boxed for InnerProductLayerInt8

source§

impl Boxed for InstanceNormLayer

source§

impl Boxed for InterpLayer

source§

impl Boxed for KeypointsModel

source§

impl Boxed for LRNLayer

source§

impl Boxed for LSTMLayer

source§

impl Boxed for Layer

source§

impl Boxed for LayerFactory

source§

impl Boxed for LayerNormLayer

source§

impl Boxed for LayerParams

source§

impl Boxed for LogLayer

source§

impl Boxed for MVNLayer

source§

impl Boxed for MatMulLayer

source§

impl Boxed for MaxUnpoolLayer

source§

impl Boxed for MishLayer

source§

impl Boxed for Model

source§

impl Boxed for NaryEltwiseLayer

source§

impl Boxed for Net

source§

impl Boxed for NormalizeBBoxLayer

source§

impl Boxed for NotLayer

source§

impl Boxed for PaddingLayer

source§

impl Boxed for PermuteLayer

source§

impl Boxed for PoolingLayer

source§

impl Boxed for PoolingLayerInt8

source§

impl Boxed for PowerLayer

source§

impl Boxed for PriorBoxLayer

source§

impl Boxed for ProposalLayer

source§

impl Boxed for QuantizeLayer

source§

impl Boxed for RNNLayer

source§

impl Boxed for ReLU6Layer

source§

impl Boxed for ReLULayer

source§

impl Boxed for ReciprocalLayer

source§

impl Boxed for ReduceLayer

source§

impl Boxed for RegionLayer

source§

impl Boxed for ReorgLayer

source§

impl Boxed for RequantizeLayer

source§

impl Boxed for ReshapeLayer

source§

impl Boxed for ResizeLayer

source§

impl Boxed for RoundLayer

source§

impl Boxed for ScaleLayer

source§

impl Boxed for ScaleLayerInt8

source§

impl Boxed for ScatterLayer

source§

impl Boxed for ScatterNDLayer

source§

impl Boxed for SegmentationModel

source§

impl Boxed for SeluLayer

source§

impl Boxed for ShiftLayer

source§

impl Boxed for ShiftLayerInt8

source§

impl Boxed for ShrinkLayer

source§

impl Boxed for ShuffleChannelLayer

source§

impl Boxed for SigmoidLayer

source§

impl Boxed for SignLayer

source§

impl Boxed for SinLayer

source§

impl Boxed for SinhLayer

source§

impl Boxed for SliceLayer

source§

impl Boxed for SoftmaxLayer

source§

impl Boxed for SoftmaxLayerInt8

source§

impl Boxed for SoftplusLayer

source§

impl Boxed for SoftsignLayer

source§

impl Boxed for SplitLayer

source§

impl Boxed for SqrtLayer

source§

impl Boxed for SwishLayer

source§

impl Boxed for TanHLayer

source§

impl Boxed for TanLayer

source§

impl Boxed for TextDetectionModel

source§

impl Boxed for TextDetectionModel_DB

source§

impl Boxed for TextDetectionModel_EAST

source§

impl Boxed for TextRecognitionModel

source§

impl Boxed for ThresholdedReluLayer

source§

impl Boxed for TileLayer

source§

impl Boxed for _Range

source§

impl Boxed for DnnSuperResImpl

source§

impl Boxed for DPMDetector

source§

impl Boxed for DPMDetector_ObjectDetection

source§

impl Boxed for BIF

source§

impl Boxed for BasicFaceRecognizer

source§

impl Boxed for CParams

source§

impl Boxed for EigenFaceRecognizer

source§

impl Boxed for FaceRecognizer

source§

impl Boxed for Facemark

source§

impl Boxed for FacemarkAAM

source§

impl Boxed for FacemarkAAM_Config

source§

impl Boxed for FacemarkAAM_Data

source§

impl Boxed for FacemarkAAM_Model

source§

impl Boxed for FacemarkAAM_Model_Texture

source§

impl Boxed for FacemarkAAM_Params

source§

impl Boxed for FacemarkKazemi

source§

impl Boxed for FacemarkKazemi_Params

source§

impl Boxed for FacemarkLBF

source§

impl Boxed for FacemarkLBF_Params

source§

impl Boxed for FacemarkTrain

source§

impl Boxed for FisherFaceRecognizer

source§

impl Boxed for LBPHFaceRecognizer

source§

impl Boxed for MACE

source§

impl Boxed for PredictCollector

source§

impl Boxed for StandardCollector

source§

impl Boxed for AKAZE

source§

impl Boxed for AffineFeature

source§

impl Boxed for AgastFeatureDetector

source§

impl Boxed for BFMatcher

source§

impl Boxed for BOWImgDescriptorExtractor

source§

impl Boxed for BOWKMeansTrainer

source§

impl Boxed for BOWTrainer

source§

impl Boxed for BRISK

source§

impl Boxed for DescriptorMatcher

source§

impl Boxed for FastFeatureDetector

source§

impl Boxed for Feature2D

source§

impl Boxed for FlannBasedMatcher

source§

impl Boxed for GFTTDetector

source§

impl Boxed for KAZE

source§

impl Boxed for KeyPointsFilter

source§

impl Boxed for MSER

source§

impl Boxed for ORB

source§

impl Boxed for SIFT

source§

impl Boxed for SimpleBlobDetector

source§

impl Boxed for AutotunedIndexParams

source§

impl Boxed for CompositeIndexParams

source§

impl Boxed for HierarchicalClusteringIndexParams

source§

impl Boxed for Index

source§

impl Boxed for IndexParams

source§

impl Boxed for KDTreeIndexParams

source§

impl Boxed for KMeansIndexParams

source§

impl Boxed for LinearIndexParams

source§

impl Boxed for LshIndexParams

source§

impl Boxed for SavedIndexParams

source§

impl Boxed for SearchParams

source§

impl Boxed for FreeType2

source§

impl Boxed for Data

source§

impl Boxed for Detail_ExtractArgsCallback

source§

impl Boxed for Detail_ExtractMetaCallback

source§

impl Boxed for Detail_GArrayU

source§

impl Boxed for Detail_GOpaqueU

source§

impl Boxed for GArg

source§

impl Boxed for GArrayDesc

source§

impl Boxed for GBackend

source§

impl Boxed for GCall

source§

impl Boxed for GCompileArg

source§

impl Boxed for GCompiled

source§

impl Boxed for GComputation

source§

impl Boxed for GFrame

source§

impl Boxed for GFrameDesc

source§

impl Boxed for GFunctor

source§

impl Boxed for GKernel

source§

impl Boxed for GKernelImpl

source§

impl Boxed for GKernelPackage

source§

impl Boxed for GMat

source§

impl Boxed for GMatDesc

source§

impl Boxed for GMatP

source§

impl Boxed for GOpaqueDesc

source§

impl Boxed for GRunArg

source§

impl Boxed for GScalar

source§

impl Boxed for GScalarDesc

source§

impl Boxed for GStreamingCompiled

source§

impl Boxed for GTransform

source§

impl Boxed for GTypeInfo

source§

impl Boxed for Image

source§

impl Boxed for MediaFrame

source§

impl Boxed for MediaFrame_IAdapter

source§

impl Boxed for MediaFrame_View

source§

impl Boxed for Poly

source§

impl Boxed for RMat

source§

impl Boxed for RMat_IAdapter

source§

impl Boxed for RMat_View

source§

impl Boxed for Scalar

source§

impl Boxed for Text

source§

impl Boxed for any

source§

impl Boxed for use_only

source§

impl Boxed for HDF5

source§

impl Boxed for HfsSegment

source§

impl Boxed for QtFont

source§

impl Boxed for AverageHash

source§

impl Boxed for BlockMeanHash

source§

impl Boxed for ColorMomentHash

source§

impl Boxed for ImgHashBase

source§

impl Boxed for MarrHildrethHash

source§

impl Boxed for PHash

source§

impl Boxed for RadialVarianceHash

source§

impl Boxed for ImageCollection

source§

impl Boxed for ImageCollection_iterator

source§

impl Boxed for CLAHE

source§

impl Boxed for GeneralizedHough

source§

impl Boxed for GeneralizedHoughBallard

source§

impl Boxed for GeneralizedHoughGuil

source§

impl Boxed for IntelligentScissorsMB

source§

impl Boxed for LineIterator

source§

impl Boxed for LineSegmentDetector

source§

impl Boxed for Subdiv2D

source§

impl Boxed for BinaryDescriptor

source§

impl Boxed for BinaryDescriptorMatcher

source§

impl Boxed for BinaryDescriptor_Params

source§

impl Boxed for LSDDetector

source§

impl Boxed for ColorCorrectionModel

source§

impl Boxed for MCC_CChecker

source§

impl Boxed for MCC_CCheckerDetector

source§

impl Boxed for MCC_CCheckerDraw

source§

impl Boxed for MCC_DetectorParameters

source§

impl Boxed for ANN_MLP

source§

impl Boxed for Boost

source§

impl Boxed for DTrees

source§

impl Boxed for DTrees_Node

source§

impl Boxed for DTrees_Split

source§

impl Boxed for EM

source§

impl Boxed for KNearest

source§

impl Boxed for LogisticRegression

source§

impl Boxed for NormalBayesClassifier

source§

impl Boxed for ParamGrid

source§

impl Boxed for RTrees

source§

impl Boxed for SVM

source§

impl Boxed for SVMSGD

source§

impl Boxed for SVM_Kernel

source§

impl Boxed for StatModel

source§

impl Boxed for TrainData

source§

impl Boxed for ArucoDetector

source§

impl Boxed for BarcodeDetector

source§

impl Boxed for BaseCascadeClassifier

source§

impl Boxed for BaseCascadeClassifier_MaskGenerator

source§

impl Boxed for Board

source§

impl Boxed for CascadeClassifier

source§

impl Boxed for CharucoBoard

source§

impl Boxed for CharucoDetector

source§

impl Boxed for CharucoParameters

source§

impl Boxed for DetectionBasedTracker

source§

impl Boxed for DetectionBasedTracker_ExtObject

source§

impl Boxed for DetectionBasedTracker_IDetector

source§

impl Boxed for DetectionBasedTracker_Parameters

source§

impl Boxed for DetectionROI

source§

impl Boxed for DetectorParameters

source§

impl Boxed for Dictionary

source§

impl Boxed for FaceDetectorYN

source§

impl Boxed for FaceRecognizerSF

source§

impl Boxed for GraphicalCodeDetector

source§

impl Boxed for GridBoard

source§

impl Boxed for HOGDescriptor

source§

impl Boxed for QRCodeDetector

source§

impl Boxed for QRCodeDetectorAruco

source§

impl Boxed for QRCodeEncoder

source§

impl Boxed for SimilarRects

source§

impl Boxed for DenseRLOFOpticalFlow

source§

impl Boxed for DualTVL1OpticalFlow

source§

impl Boxed for GPCDetails

source§

impl Boxed for GPCPatchDescriptor

source§

impl Boxed for GPCPatchSample

source§

impl Boxed for GPCTrainingSamples

source§

impl Boxed for GPCTree

source§

impl Boxed for OpticalFlowPCAFlow

source§

impl Boxed for PCAPrior

source§

impl Boxed for RLOFOpticalFlowParameter

source§

impl Boxed for SparseRLOFOpticalFlow

source§

impl Boxed for WindowScene

source§

impl Boxed for HistogramPhaseUnwrapping

source§

impl Boxed for PhaseUnwrapping

source§

impl Boxed for AlignExposures

source§

impl Boxed for AlignMTB

source§

impl Boxed for CalibrateCRF

source§

impl Boxed for CalibrateDebevec

source§

impl Boxed for CalibrateRobertson

source§

impl Boxed for MergeDebevec

source§

impl Boxed for MergeExposures

source§

impl Boxed for MergeMertens

source§

impl Boxed for MergeRobertson

source§

impl Boxed for Tonemap

source§

impl Boxed for TonemapDrago

source§

impl Boxed for TonemapMantiuk

source§

impl Boxed for TonemapReinhard

source§

impl Boxed for Plot2d

source§

impl Boxed for Mat

source§

impl Boxed for QualityBRISQUE

source§

impl Boxed for QualityBase

source§

impl Boxed for QualityGMSD

source§

impl Boxed for QualityMSE

source§

impl Boxed for QualityPSNR

source§

impl Boxed for QualitySSIM

source§

impl Boxed for Rapid_GOSTracker

source§

impl Boxed for Rapid_OLSTracker

source§

impl Boxed for Rapid_Rapid

source§

impl Boxed for Rapid_Tracker

source§

impl Boxed for ColoredKinfu_ColoredKinFu

source§

impl Boxed for ColoredKinfu_Params

source§

impl Boxed for DepthCleaner

source§

impl Boxed for Dynafu_DynaFu

source§

impl Boxed for FastICPOdometry

source§

impl Boxed for ICPOdometry

source§

impl Boxed for Kinfu_Detail_PoseGraph

source§

impl Boxed for Kinfu_KinFu

source§

impl Boxed for Kinfu_Params

source§

impl Boxed for Kinfu_Volume

source§

impl Boxed for Kinfu_VolumeParams

source§

impl Boxed for LargeKinfu

source§

impl Boxed for LineMod_ColorGradient

source§

impl Boxed for LineMod_DepthNormal

source§

impl Boxed for LineMod_Detector

source§

impl Boxed for LineMod_Match

source§

impl Boxed for LineMod_Modality

source§

impl Boxed for LineMod_QuantizedPyramid

source§

impl Boxed for LineMod_Template

source§

impl Boxed for Odometry

source§

impl Boxed for OdometryFrame

source§

impl Boxed for Params

source§

impl Boxed for RgbdFrame

source§

impl Boxed for RgbdICPOdometry

source§

impl Boxed for RgbdNormals

source§

impl Boxed for RgbdOdometry

source§

impl Boxed for RgbdPlane

source§

impl Boxed for MotionSaliency

source§

impl Boxed for MotionSaliencyBinWangApr2014

source§

impl Boxed for Objectness

source§

impl Boxed for ObjectnessBING

source§

impl Boxed for Saliency

source§

impl Boxed for StaticSaliency

source§

impl Boxed for StaticSaliencyFineGrained

source§

impl Boxed for StaticSaliencySpectralResidual

source§

impl Boxed for BaseSFM

source§

impl Boxed for SFMLibmvEuclideanReconstruction

source§

impl Boxed for AffineTransformer

source§

impl Boxed for ChiHistogramCostExtractor

source§

impl Boxed for EMDHistogramCostExtractor

source§

impl Boxed for EMDL1HistogramCostExtractor

source§

impl Boxed for HausdorffDistanceExtractor

source§

impl Boxed for HistogramCostExtractor

source§

impl Boxed for NormHistogramCostExtractor

source§

impl Boxed for ShapeContextDistanceExtractor

source§

impl Boxed for ShapeDistanceExtractor

source§

impl Boxed for ShapeTransformer

source§

impl Boxed for ThinPlateSplineShapeTransformer

source§

impl Boxed for QuasiDenseStereo

source§

impl Boxed for AffineWarper

source§

impl Boxed for CompressedRectilinearPortraitWarper

source§

impl Boxed for CompressedRectilinearWarper

source§

impl Boxed for CylindricalWarper

source§

impl Boxed for CylindricalWarperGpu

source§

impl Boxed for Detail_AffineBasedEstimator

source§

impl Boxed for Detail_AffineBestOf2NearestMatcher

source§

impl Boxed for Detail_AffineWarper

source§

impl Boxed for Detail_BestOf2NearestMatcher

source§

impl Boxed for Detail_BestOf2NearestRangeMatcher

source§

impl Boxed for Detail_Blender

source§

impl Boxed for Detail_BlocksChannelsCompensator

source§

impl Boxed for Detail_BlocksCompensator

source§

impl Boxed for Detail_BlocksGainCompensator

source§

impl Boxed for Detail_BundleAdjusterAffine

source§

impl Boxed for Detail_BundleAdjusterAffinePartial

source§

impl Boxed for Detail_BundleAdjusterBase

source§

impl Boxed for Detail_BundleAdjusterRay

source§

impl Boxed for Detail_BundleAdjusterReproj

source§

impl Boxed for Detail_CameraParams

source§

impl Boxed for Detail_ChannelsCompensator

source§

impl Boxed for Detail_CompressedRectilinearPortraitProjector

source§

impl Boxed for Detail_CompressedRectilinearPortraitWarper

source§

impl Boxed for Detail_CompressedRectilinearProjector

source§

impl Boxed for Detail_CompressedRectilinearWarper

source§

impl Boxed for Detail_CylindricalPortraitProjector

source§

impl Boxed for Detail_CylindricalPortraitWarper

source§

impl Boxed for Detail_CylindricalProjector

source§

impl Boxed for Detail_CylindricalWarper

source§

impl Boxed for Detail_CylindricalWarperGpu

source§

impl Boxed for Detail_DisjointSets

source§

impl Boxed for Detail_DpSeamFinder

source§

impl Boxed for Detail_Estimator

source§

impl Boxed for Detail_ExposureCompensator

source§

impl Boxed for Detail_FeatherBlender

source§

impl Boxed for Detail_FeaturesMatcher

source§

impl Boxed for Detail_FisheyeProjector

source§

impl Boxed for Detail_FisheyeWarper

source§

impl Boxed for Detail_GainCompensator

source§

impl Boxed for Detail_Graph

source§

impl Boxed for Detail_GraphCutSeamFinder

source§

impl Boxed for Detail_GraphCutSeamFinderBase

source§

impl Boxed for Detail_GraphCutSeamFinderGpu

source§

impl Boxed for Detail_GraphEdge

source§

impl Boxed for Detail_HomographyBasedEstimator

source§

impl Boxed for Detail_ImageFeatures

source§

impl Boxed for Detail_MatchesInfo

source§

impl Boxed for Detail_MercatorProjector

source§

impl Boxed for Detail_MercatorWarper

source§

impl Boxed for Detail_MultiBandBlender

source§

impl Boxed for Detail_NoBundleAdjuster

source§

impl Boxed for Detail_NoExposureCompensator

source§

impl Boxed for Detail_NoSeamFinder

source§

impl Boxed for Detail_PairwiseSeamFinder

source§

impl Boxed for Detail_PaniniPortraitProjector

source§

impl Boxed for Detail_PaniniPortraitWarper

source§

impl Boxed for Detail_PaniniProjector

source§

impl Boxed for Detail_PaniniWarper

source§

impl Boxed for Detail_PlanePortraitProjector

source§

impl Boxed for Detail_PlanePortraitWarper

source§

impl Boxed for Detail_PlaneProjector

source§

impl Boxed for Detail_PlaneWarper

source§

impl Boxed for Detail_PlaneWarperGpu

source§

impl Boxed for Detail_ProjectorBase

source§

impl Boxed for Detail_RotationWarper

source§

impl Boxed for Detail_SeamFinder

source§

impl Boxed for Detail_SphericalPortraitProjector

source§

impl Boxed for Detail_SphericalPortraitWarper

source§

impl Boxed for Detail_SphericalProjector

source§

impl Boxed for Detail_SphericalWarper

source§

impl Boxed for Detail_SphericalWarperGpu

source§

impl Boxed for Detail_StereographicProjector

source§

impl Boxed for Detail_StereographicWarper

source§

impl Boxed for Detail_TransverseMercatorProjector

source§

impl Boxed for Detail_TransverseMercatorWarper

source§

impl Boxed for Detail_VoronoiSeamFinder

source§

impl Boxed for FisheyeWarper

source§

impl Boxed for MercatorWarper

source§

impl Boxed for PaniniPortraitWarper

source§

impl Boxed for PaniniWarper

source§

impl Boxed for PlaneWarper

source§

impl Boxed for PlaneWarperGpu

source§

impl Boxed for PyRotationWarper

source§

impl Boxed for SphericalWarper

source§

impl Boxed for SphericalWarperGpu

source§

impl Boxed for StereographicWarper

source§

impl Boxed for Stitcher

source§

impl Boxed for TransverseMercatorWarper

source§

impl Boxed for WarperCreator

source§

impl Boxed for GrayCodePattern

source§

impl Boxed for GrayCodePattern_Params

source§

impl Boxed for SinusoidalPattern

source§

impl Boxed for SinusoidalPattern_Params

source§

impl Boxed for StructuredLightPattern

source§

impl Boxed for SuperRes_BroxOpticalFlow

source§

impl Boxed for SuperRes_DenseOpticalFlowExt

source§

impl Boxed for SuperRes_DualTVL1OpticalFlow

source§

impl Boxed for SuperRes_FarnebackOpticalFlow

source§

impl Boxed for SuperRes_FrameSource

source§

impl Boxed for SuperRes_PyrLKOpticalFlow

source§

impl Boxed for SuperRes_SuperResolution

source§

impl Boxed for ICP

source§

impl Boxed for PPF3DDetector

source§

impl Boxed for Pose3D

source§

impl Boxed for PoseCluster3D

source§

impl Boxed for BaseOCR

source§

impl Boxed for ERFilter

source§

impl Boxed for ERFilter_Callback

source§

impl Boxed for ERStat

source§

impl Boxed for OCRBeamSearchDecoder

source§

impl Boxed for OCRBeamSearchDecoder_ClassifierCallback

source§

impl Boxed for OCRHMMDecoder

source§

impl Boxed for OCRHMMDecoder_ClassifierCallback

source§

impl Boxed for OCRHolisticWordRecognizer

source§

impl Boxed for OCRTesseract

source§

impl Boxed for TextDetector

source§

impl Boxed for TextDetectorCNN

source§

impl Boxed for TrackerCSRT

source§

impl Boxed for TrackerCSRT_Params

source§

impl Boxed for TrackerKCF

source§

impl Boxed for BackgroundSubtractor

source§

impl Boxed for BackgroundSubtractorKNN

source§

impl Boxed for BackgroundSubtractorMOG2

source§

impl Boxed for DISOpticalFlow

source§

impl Boxed for DenseOpticalFlow

source§

impl Boxed for FarnebackOpticalFlow

source§

impl Boxed for KalmanFilter

source§

impl Boxed for SparseOpticalFlow

source§

impl Boxed for SparsePyrLKOpticalFlow

source§

impl Boxed for Tracker

source§

impl Boxed for TrackerDaSiamRPN

source§

impl Boxed for TrackerDaSiamRPN_Params

source§

impl Boxed for TrackerGOTURN

source§

impl Boxed for TrackerGOTURN_Params

source§

impl Boxed for TrackerMIL

source§

impl Boxed for TrackerNano

source§

impl Boxed for TrackerNano_Params

source§

impl Boxed for TrackerVit

source§

impl Boxed for TrackerVit_Params

source§

impl Boxed for VariationalRefinement

source§

impl Boxed for VideoCapture

source§

impl Boxed for VideoWriter

source§

impl Boxed for ColorAverageInpainter

source§

impl Boxed for ColorInpainter

source§

impl Boxed for ConsistentMosaicInpainter

source§

impl Boxed for DeblurerBase

source§

impl Boxed for DensePyrLkOptFlowEstimatorGpu

source§

impl Boxed for FastMarchingMethod

source§

impl Boxed for FromFileMotionReader

source§

impl Boxed for GaussianMotionFilter

source§

impl Boxed for IDenseOptFlowEstimator

source§

impl Boxed for IFrameSource

source§

impl Boxed for ILog

source§

impl Boxed for IMotionStabilizer

source§

impl Boxed for IOutlierRejector

source§

impl Boxed for ISparseOptFlowEstimator

source§

impl Boxed for ImageMotionEstimatorBase

source§

impl Boxed for InpainterBase

source§

impl Boxed for InpaintingPipeline

source§

impl Boxed for KeypointBasedMotionEstimator

source§

impl Boxed for KeypointBasedMotionEstimatorGpu

source§

impl Boxed for LogToStdout

source§

impl Boxed for LpMotionStabilizer

source§

impl Boxed for MaskFrameSource

source§

impl Boxed for MoreAccurateMotionWobbleSuppressor

source§

impl Boxed for MoreAccurateMotionWobbleSuppressorBase

source§

impl Boxed for MoreAccurateMotionWobbleSuppressorGpu

source§

impl Boxed for MotionEstimatorBase

source§

impl Boxed for MotionEstimatorL1

source§

impl Boxed for MotionEstimatorRansacL2

source§

impl Boxed for MotionFilterBase

source§

impl Boxed for MotionInpainter

source§

impl Boxed for MotionStabilizationPipeline

source§

impl Boxed for NullDeblurer

source§

impl Boxed for NullFrameSource

source§

impl Boxed for NullInpainter

source§

impl Boxed for NullLog

source§

impl Boxed for NullOutlierRejector

source§

impl Boxed for NullWobbleSuppressor

source§

impl Boxed for OnePassStabilizer

source§

impl Boxed for PyrLkOptFlowEstimatorBase

source§

impl Boxed for RansacParams

source§

impl Boxed for SparsePyrLkOptFlowEstimator

source§

impl Boxed for SparsePyrLkOptFlowEstimatorGpu

source§

impl Boxed for StabilizerBase

source§

impl Boxed for ToFileMotionWriter

source§

impl Boxed for TranslationBasedLocalOutlierRejector

source§

impl Boxed for TwoPassStabilizer

source§

impl Boxed for VideoFileSource

source§

impl Boxed for WeightingDeblurer

source§

impl Boxed for WobbleSuppressorBase

source§

impl Boxed for Camera

source§

impl Boxed for Color

source§

impl Boxed for KeyboardEvent

source§

impl Boxed for Mesh

source§

impl Boxed for MouseEvent

source§

impl Boxed for Viz3d

source§

impl Boxed for WArrow

source§

impl Boxed for WCameraPosition

source§

impl Boxed for WCircle

source§

impl Boxed for WCloud

source§

impl Boxed for WCloudCollection

source§

impl Boxed for WCloudNormals

source§

impl Boxed for WCone

source§

impl Boxed for WCoordinateSystem

source§

impl Boxed for WCube

source§

impl Boxed for WCylinder

source§

impl Boxed for WGrid

source§

impl Boxed for WImage3D

source§

impl Boxed for WImageOverlay

source§

impl Boxed for WLine

source§

impl Boxed for WMesh

source§

impl Boxed for WPaintedCloud

source§

impl Boxed for WPlane

source§

impl Boxed for WPolyLine

source§

impl Boxed for WSphere

source§

impl Boxed for WText3D

source§

impl Boxed for WText

source§

impl Boxed for WTrajectory

source§

impl Boxed for WTrajectoryFrustums

source§

impl Boxed for WTrajectorySpheres

source§

impl Boxed for WWidgetMerger

source§

impl Boxed for Widget2D

source§

impl Boxed for Widget3D

source§

impl Boxed for Widget

source§

impl Boxed for WeChatQRCode

source§

impl Boxed for AffineFeature2D

source§

impl Boxed for BEBLID

source§

impl Boxed for BoostDesc

source§

impl Boxed for BriefDescriptorExtractor

source§

impl Boxed for DAISY

source§

impl Boxed for Elliptic_KeyPoint

source§

impl Boxed for FREAK

source§

impl Boxed for HarrisLaplaceFeatureDetector

source§

impl Boxed for LATCH

source§

impl Boxed for LUCID

source§

impl Boxed for MSDDetector

source§

impl Boxed for PCTSignatures

source§

impl Boxed for PCTSignaturesSQFD

source§

impl Boxed for SURF

source§

impl Boxed for SURF_CUDA

source§

impl Boxed for StarDetector

source§

impl Boxed for TBMR

source§

impl Boxed for TEBLID

source§

impl Boxed for VGG

source§

impl Boxed for AdaptiveManifoldFilter

source§

impl Boxed for ContourFitting

source§

impl Boxed for DTFilter

source§

impl Boxed for DisparityFilter

source§

impl Boxed for DisparityWLSFilter

source§

impl Boxed for EdgeAwareInterpolator

source§

impl Boxed for EdgeBoxes

source§

impl Boxed for EdgeDrawing

source§

impl Boxed for FastBilateralSolverFilter

source§

impl Boxed for FastGlobalSmootherFilter

source§

impl Boxed for FastLineDetector

source§

impl Boxed for GraphSegmentation

source§

impl Boxed for GuidedFilter

source§

impl Boxed for RFFeatureGetter

source§

impl Boxed for RICInterpolator

source§

impl Boxed for RidgeDetectionFilter

source§

impl Boxed for ScanSegment

source§

impl Boxed for SelectiveSearchSegmentation

source§

impl Boxed for SelectiveSearchSegmentationStrategy

source§

impl Boxed for SelectiveSearchSegmentationStrategyColor

source§

impl Boxed for SelectiveSearchSegmentationStrategyFill

source§

impl Boxed for SelectiveSearchSegmentationStrategyMultiple

source§

impl Boxed for SelectiveSearchSegmentationStrategySize

source§

impl Boxed for SelectiveSearchSegmentationStrategyTexture

source§

impl Boxed for SparseMatchInterpolator

source§

impl Boxed for StructuredEdgeDetection

source§

impl Boxed for SuperpixelLSC

source§

impl Boxed for SuperpixelSEEDS

source§

impl Boxed for SuperpixelSLIC

source§

impl Boxed for WBDetector

source§

impl Boxed for GrayworldWB

source§

impl Boxed for LearningBasedWB

source§

impl Boxed for SimpleWB

source§

impl Boxed for TonemapDurand

source§

impl Boxed for WhiteBalancer

source§

impl<T> Boxed for Mat_<T>

source§

impl<T> Boxed for Tuple<T>
where Self: TupleExtern,

source§

impl<T: ?Sized> Boxed for Ptr<T>
where Self: PtrExtern,

source§

impl<T: ?Sized> Boxed for AbstractRefMut<'_, T>

source§

impl<T: for<'o> OpenCVType<'o>> Boxed for Vector<T>
where Self: VectorExtern<T>,