[][src]Module opencv::core

Structs

AutoLock
CheckContext
CommandLineParser

Designed for command line parsing

ConjGradSolver

This class is used to perform the non-linear non-constrained minimization of a function with known gradient,

DMatch

Class for matching keypoint descriptors

Hamming

replaced with CV_Assert(expr) in Debug configuration

KeyPoint

Data structure for salient point detectors.

LDA

Linear Discriminant Analysis @todo document this class

Mat

n-dimensional dense array class \anchor CVMat_Details

MatExpr

Matrix expression representation @anchor MatrixExpressions This is a list of implemented matrix operations that can be combined in arbitrary complex expressions (here A, B stand for matrices ( Mat ), s for a scalar ( Scalar ), alpha for a real-valued scalar ( double )):

MatSize
MatStep
Matx_AddOp

@cond IGNORED

Matx_DivOp
Matx_MatMulOp
Matx_MulOp
Matx_ScaleOp
Matx_SubOp
Matx_TOp
Moments

struct returned by cv::moments

NAryMatIterator

n-ary multi-dimensional array iterator.

NodeData
NodeDataTls
PCA

Principal Component Analysis

ParallelLoopBodyLambdaWrapper
Param
Point_
Range

Template class specifying a continuous subsequence (slice) of a sequence.

Rect_
RotatedRect

The class represents rotated (i.e. not up-right) rectangles on a plane.

Scalar_
Size_
TermCriteria

The class defining termination criteria for iterative algorithms.

TickMeter

a Class to measure passing time.

UMat

@todo document

UMatData

Comma-separated Matrix Initializer

Vec2
Vec3
Vec4
Vec6
Vec8

Constants

ACCESS_FAST
ACCESS_MASK
ACCESS_READ
ACCESS_RW
ACCESS_WRITE
BORDER_CONSTANT
BORDER_DEFAULT
BORDER_ISOLATED
BORDER_REFLECT
BORDER_REFLECT101
BORDER_REFLECT_101
BORDER_REPLICATE
BORDER_TRANSPARENT
BORDER_WRAP
BadAlign
BadAlphaChannel
BadCOI
BadCallBack
BadDataPtr
BadDepth
BadImageSize
BadModelOrChSeq
BadNumChannel1U
BadNumChannels
BadOffset
BadOrder
BadOrigin
BadROISize
BadStep
BadTileSize
CMP_EQ
CMP_GE
CMP_GT
CMP_LE
CMP_LT
CMP_NE
COVAR_COLS
COVAR_NORMAL
COVAR_ROWS
COVAR_SCALE
COVAR_SCRAMBLED
COVAR_USE_AVG
CPU_AVX
CPU_AVX2
CPU_AVX512_SKX
CPU_AVX_512BW
CPU_AVX_512CD
CPU_AVX_512DQ
CPU_AVX_512ER
CPU_AVX_512F
CPU_AVX_512IFMA
CPU_AVX_512PF
CPU_AVX_512VBMI
CPU_AVX_512VL
CPU_AVX_512IFMA512
CPU_FMA3
CPU_FP16
CPU_MAX_FEATURE
CPU_MMX
CPU_NEON
CPU_POPCNT
CPU_SSE
CPU_SSE2
CPU_SSE3
CPU_SSE4_1
CPU_SSE4_2
CPU_SSSE3
CPU_VSX
CPU_VSX3
CV_8S
CV_8U
CV_16S
CV_16U
CV_32F
CV_32S
CV_64F
CV_16SC1
CV_16SC2
CV_16SC3
CV_16SC4
CV_16UC1
CV_16UC2
CV_16UC3
CV_16UC4
CV_32FC1
CV_32FC2
CV_32FC3
CV_32FC4
CV_32SC1
CV_32SC2
CV_32SC3
CV_32SC4
CV_64FC1
CV_64FC2
CV_64FC3
CV_64FC4
CV_8SC1
CV_8SC2
CV_8SC3
CV_8SC4
CV_8UC1
CV_8UC2
CV_8UC3
CV_8UC4
CV_CN_MAX
CV_CN_SHIFT
CV_CPU_AVX
CV_CPU_AVX2
CV_CPU_AVX512_SKX
CV_CPU_AVX_512BW
CV_CPU_AVX_512CD
CV_CPU_AVX_512DQ
CV_CPU_AVX_512ER
CV_CPU_AVX_512F
CV_CPU_AVX_512IFMA
CV_CPU_AVX_512PF
CV_CPU_AVX_512VBMI
CV_CPU_AVX_512VL
CV_CPU_AVX_512IFMA512

deprecated

CV_CPU_FMA3
CV_CPU_FP16
CV_CPU_MMX
CV_CPU_NEON
CV_CPU_NONE
CV_CPU_POPCNT
CV_CPU_SSE
CV_CPU_SSE2
CV_CPU_SSE3
CV_CPU_SSE4_1
CV_CPU_SSE4_2
CV_CPU_SSSE3
CV_CPU_VSX
CV_CPU_VSX3
CV_DEPTH_MAX
CV_HAL_BORDER_CONSTANT
CV_HAL_BORDER_ISOLATED
CV_HAL_BORDER_REFLECT
CV_HAL_BORDER_REFLECT_101
CV_HAL_BORDER_REPLICATE
CV_HAL_BORDER_TRANSPARENT
CV_HAL_BORDER_WRAP
CV_HAL_CMP_EQ
CV_HAL_CMP_GE
CV_HAL_CMP_GT
CV_HAL_CMP_LE
CV_HAL_CMP_LT
CV_HAL_CMP_NE
CV_HAL_DFT_COMPLEX_OUTPUT
CV_HAL_DFT_INVERSE
CV_HAL_DFT_IS_CONTINUOUS
CV_HAL_DFT_IS_INPLACE
CV_HAL_DFT_REAL_OUTPUT
CV_HAL_DFT_ROWS
CV_HAL_DFT_SCALE
CV_HAL_DFT_STAGE_COLS
CV_HAL_DFT_TWO_STAGE
CV_HAL_ERROR_NOT_IMPLEMENTED
CV_HAL_ERROR_OK
CV_HAL_ERROR_UNKNOWN
CV_HAL_GEMM_1_T
CV_HAL_GEMM_2_T
CV_HAL_GEMM_3_T
CV_HAL_SVD_FULL_UV
CV_HAL_SVD_MODIFY_A
CV_HAL_SVD_NO_UV
CV_HAL_SVD_SHORT_UV
CV_HARDWARE_MAX_FEATURE
CV_LOG_LEVEL_DEBUG

!< Debug message. Disabled in the "Release" build.

CV_LOG_LEVEL_ERROR

!< Error message

CV_LOG_LEVEL_FATAL

!< Fatal (critical) error (unrecoverable internal error)

CV_LOG_LEVEL_INFO

!< Info message

CV_LOG_LEVEL_SILENT

!< for using in setLogLevel() call

CV_LOG_LEVEL_VERBOSE

!< Verbose (trace) messages. Requires verbosity level. Disabled in the "Release" build.

CV_LOG_LEVEL_WARN

!< Warning message

CV_MAJOR_VERSION
CV_MAT_CN_MASK
CV_MAT_CONT_FLAG
CV_MAT_CONT_FLAG_SHIFT
CV_MAT_DEPTH_MASK
CV_MAT_TYPE_MASK
CV_MINOR_VERSION
CV_SUBMAT_FLAG
CV_SUBMAT_FLAG_SHIFT
CV_SUBMINOR_VERSION
CV_USRTYPE1
CV_VERSION_MAJOR
CV_VERSION_MINOR
CV_VERSION_REVISION
CV_VERSION_STATUS
DCT_INVERSE
DCT_ROWS
DECOMP_CHOLESKY
DECOMP_EIG
DECOMP_LU
DECOMP_NORMAL
DECOMP_QR
DECOMP_SVD
DFT_COMPLEX_INPUT
DFT_COMPLEX_OUTPUT
DFT_INVERSE
DFT_REAL_OUTPUT
DFT_ROWS
DFT_SCALE
ENUM_LOG_LEVEL_FORCE_INT
FILLED
FLAGS_EXPAND_SAME_NAMES
FLAGS_MAPPING
FLAGS_NONE
FONT_HERSHEY_COMPLEX
FONT_HERSHEY_COMPLEX_SMALL
FONT_HERSHEY_DUPLEX
FONT_HERSHEY_PLAIN
FONT_HERSHEY_SCRIPT_COMPLEX
FONT_HERSHEY_SCRIPT_SIMPLEX
FONT_HERSHEY_SIMPLEX
FONT_HERSHEY_TRIPLEX
FONT_ITALIC
Formatter_FMT_C
Formatter_FMT_CSV
Formatter_FMT_DEFAULT
Formatter_FMT_MATLAB
Formatter_FMT_NUMPY
Formatter_FMT_PYTHON
GEMM_1_T
GEMM_2_T
GEMM_3_T
GpuApiCallError
GpuNotSupported
Hamming_normType
HeaderIsNull
IMPL_IPP
IMPL_OPENCL
IMPL_PLAIN
KMEANS_PP_CENTERS
KMEANS_RANDOM_CENTERS
KMEANS_USE_INITIAL_LABELS
LINE_4
LINE_8
LINE_AA
LOG_LEVEL_DEBUG
LOG_LEVEL_ERROR
LOG_LEVEL_FATAL
LOG_LEVEL_INFO
LOG_LEVEL_SILENT
LOG_LEVEL_VERBOSE
LOG_LEVEL_WARNING
MaskIsTiled
Mat_AUTO_STEP
Mat_CONTINUOUS_FLAG
Mat_DEPTH_MASK
Mat_MAGIC_MASK
Mat_MAGIC_VAL
Mat_SUBMATRIX_FLAG
Mat_TYPE_MASK
NORM_HAMMING
NORM_HAMMING2
NORM_INF
NORM_L1
NORM_L2
NORM_L2SQR
NORM_MINMAX
NORM_RELATIVE
NORM_TYPE_MASK
OPENCV_ABI_COMPATIBILITY
OpenCLApiCallError
OpenCLDoubleNotSupported
OpenCLInitError
OpenCLNoAMDBlasFft
OpenGlApiCallError
OpenGlNotSupported
PCA_DATA_AS_COL
PCA_DATA_AS_ROW
PCA_USE_AVG
Param_ALGORITHM
Param_BOOLEAN
Param_FLOAT
Param_INT
Param_MAT
Param_MAT_VECTOR
Param_REAL
Param_SCALAR
Param_STRING
Param_UCHAR
Param_UINT64
Param_UNSIGNED_INT
REDUCE_AVG
REDUCE_MAX
REDUCE_MIN
REDUCE_SUM
RNG_NORMAL
RNG_UNIFORM
ROTATE_90_CLOCKWISE
ROTATE_90_COUNTERCLOCKWISE
ROTATE_180
SOLVELP_MULTI
SOLVELP_SINGLE
SOLVELP_UNBOUNDED
SOLVELP_UNFEASIBLE
SORT_ASCENDING
SORT_DESCENDING
SORT_EVERY_COLUMN
SORT_EVERY_ROW
SVD_FULL_UV
SVD_MODIFY_A
SVD_NO_UV
SparseMat_HASH_BIT
SparseMat_HASH_SCALE
SparseMat_MAX_DIM
StsAssert
StsAutoTrace
StsBackTrace
StsBadArg
StsBadFlag
StsBadFunc
StsBadMask
StsBadMemBlock
StsBadPoint
StsBadSize
StsDivByZero
StsError
StsFilterOffsetErr
StsFilterStructContentErr
StsInplaceNotSupported
StsInternal
StsKernelStructContentErr
StsNoConv
StsNoMem
StsNotImplemented
StsNullPtr
StsObjectNotFound
StsOk
StsOutOfRange
StsParseError
StsUnmatchedFormats
StsUnmatchedSizes
StsUnsupportedFormat
StsVecLengthErr
TEST_CUSTOM
TEST_EQ
TEST_GE
TEST_GT
TEST_LE
TEST_LT
TEST_NE
TYPE_FUN
TYPE_GENERAL
TYPE_MARKER
TYPE_WRAPPER
TermCriteria_COUNT
TermCriteria_EPS
TermCriteria_MAX_ITER
UMatData_ASYNC_CLEANUP
UMatData_COPY_ON_MAP
UMatData_DEVICE_COPY_OBSOLETE
UMatData_DEVICE_MEM_MAPPED
UMatData_HOST_COPY_OBSOLETE
UMatData_TEMP_COPIED_UMAT
UMatData_TEMP_UMAT
UMatData_USER_ALLOCATED
USAGE_ALLOCATE_DEVICE_MEMORY
USAGE_ALLOCATE_HOST_MEMORY
USAGE_ALLOCATE_SHARED_MEMORY
USAGE_DEFAULT
_InputArray_CUDA_GPU_MAT
_InputArray_CUDA_HOST_MEM
_InputArray_EXPR
_InputArray_FIXED_SIZE
_InputArray_FIXED_TYPE
_InputArray_KIND_MASK
_InputArray_KIND_SHIFT
_InputArray_MATX
_InputArray_NONE
_InputArray_OPENGL_BUFFER
_InputArray_STD_ARRAY
_InputArray_STD_ARRAY_MAT
_InputArray_STD_BOOL_VECTOR
_InputArray_STD_VECTOR
_InputArray_STD_VECTOR_CUDA_GPU_MAT
_InputArray_STD_VECTOR_MAT
_InputArray_STD_VECTOR_UMAT
_InputArray_STD_VECTOR_VECTOR
_InputArray_UMAT
_OutputArray_DEPTH_MASK_8S
_OutputArray_DEPTH_MASK_8U
_OutputArray_DEPTH_MASK_16S
_OutputArray_DEPTH_MASK_16U
_OutputArray_DEPTH_MASK_32F
_OutputArray_DEPTH_MASK_32S
_OutputArray_DEPTH_MASK_64F
_OutputArray_DEPTH_MASK_ALL
_OutputArray_DEPTH_MASK_ALL_BUT_8S
_OutputArray_DEPTH_MASK_FLT
__UMAT_USAGE_FLAGS_32BIT

Statics

CV_VERSION

Traits

Algorithm

This is a base class for all more or less complex algorithms in OpenCV

BufferPoolController
DataType

This sealed trait is implemented for types that are valid to use as Mat elements

DownhillSolver

This class is used to perform the non-linear non-constrained minimization of a function,

Formatted

@todo document

Formatter

@todo document

MatOp
MinProblemSolver

Basic interface for all solvers

MinProblemSolver_Function

Represents function being optimized

ParallelLoopBody

Base class for parallel data processors

ValidPointType

This sealed trait is implemented for types that are valid to use in corresponding context

ValidRectType

This sealed trait is implemented for types that are valid to use in corresponding context

ValidScalarType

This sealed trait is implemented for types that are valid to use in corresponding context

ValidSizeType

This sealed trait is implemented for types that are valid to use in corresponding context

ValidVecType

This sealed trait is implemented for types that are valid to use in corresponding context

Functions

MAKETYPE
MAT_DEPTH
absdiff

Calculates the per-element absolute difference between two arrays or between an array and a scalar.

add

Calculates the per-element sum of two arrays or an array and a scalar.

add_weighted

Calculates the weighted sum of two arrays.

align_size

Aligns a buffer size to the specified number of bytes.

batch_distance

naive nearest neighbor finder

bitwise_and

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

Inverts every bit of an array.

bitwise_or

Calculates the per-element bit-wise disjunction of two arrays or an array and a scalar.

bitwise_xor

Calculates the per-element bit-wise "exclusive or" operation on two arrays or an array and a scalar.

border_interpolate

Computes the source location of an extrapolated pixel.

calc_covar_matrix

Calculates the covariance matrix of a set of vectors.

cart_to_polar

Calculates the magnitude and angle of 2D vectors.

check_hardware_support

Returns true if the specified feature is supported by the host hardware.

check_range

Checks every element of an input array for invalid values.

cholesky

proxy for hal::Cholesky

cholesky_f32

proxy for hal::Cholesky

compare

Performs the per-element comparison of two arrays or an array and scalar value.

complete_symm

Copies the lower or the upper half of a square matrix to its another half.

convert_fp16

Converts an array to half precision floating number.

convert_from_va_surface

Converts VASurfaceID object to OutputArray.

convert_scale_abs

Scales, calculates absolute values, and converts the result to 8-bit.

convert_to_va_surface

Converts InputArray to VASurfaceID object.

copy_make_border

Forms a border around an image.

count_non_zero

Counts non-zero array elements.

cube_root

Computes the cube root of an argument.

cv_abs
cv_abs_1
dct

Performs a forward or inverse discrete Cosine transform of 1D or 2D array.

depth_to_string

Returns string of cv::Mat depth value: CV_8U -> "CV_8U" or ""

depth_to_string_

Returns string of cv::Mat depth value: CV_8U -> "CV_8U" or NULL

determinant

Returns the determinant of a square floating-point matrix.

dft

Performs a forward or inverse Discrete Fourier transform of a 1D or 2D floating-point array.

div_up

Integer division with result round up.

divide

Performs per-element division of two arrays or a scalar by an array.

divide_mat

Performs per-element division of two arrays or a scalar by an array.

dump_input_array
dump_input_array_of_arrays
dump_input_output_array
dump_input_output_array_of_arrays
duv_up_u

Integer division with result round up.

eigen

Calculates eigenvalues and eigenvectors of a symmetric matrix.

eigen_non_symmetric

Calculates eigenvalues and eigenvectors of a non-symmetric matrix (real eigenvalues only).

error
exp

Calculates the exponent of every array element.

extract_channel

Extracts a single channel from src (coi is 0-based index)

fast_atan2

Calculates the angle of a 2D vector in degrees.

find_non_zero

Returns the list of locations of non-zero pixels

flip

Flips a 2D array around vertical, horizontal, or both axes.

gemm

Performs generalized matrix multiplication.

get_build_information

Returns full configuration time cmake output.

get_cpu_tick_count

Returns the number of CPU ticks.

get_elem_size
get_hardware_feature_name

Returns feature name by ID

get_ipp_error_location
get_ipp_features
get_ipp_status
get_ipp_version
get_num_threads

Returns the number of threads used by OpenCV for parallel regions.

get_number_of_cpus

Returns the number of logical CPUs available for the process.

get_optimal_dft_size

Returns the optimal DFT size for a given vector size.

get_thread_id
get_thread_numDeprecated

Returns the index of the currently executed thread within the current parallel region. Always returns 0 if called outside of parallel region.

get_tick_count

Returns the number of ticks.

get_tick_frequency

Returns the number of ticks per second.

get_type_from_d3d_format

Get OpenCV type from DirectX type

get_type_from_dxgi_format

Get OpenCV type from DirectX type

get_version_major

Returns major library version

get_version_minor

Returns minor library version

get_version_revision

Returns revision field of the library version

get_version_string

Returns library version string

glob

C++ default parameters

have_open_vx
hconcat

Applies horizontal concatenation to given matrices.

hconcat_2

Applies horizontal concatenation to given matrices.

idct

Calculates the inverse Discrete Cosine Transform of a 1D or 2D array.

idft

Calculates the inverse Discrete Fourier Transform of a 1D or 2D array.

in_range

Checks if array elements lie between the elements of two other arrays.

insert_channel

Inserts a single channel to dst (coi is 0-based index)

invert

Finds the inverse or pseudo-inverse of a matrix.

kmeans

Finds centers of clusters and groups input samples around the clusters.

log

Calculates the natural logarithm of every array element.

lu

proxy for hal::LU

lu_f32

proxy for hal::LU

lut

Performs a look-up table transform of an array.

magnitude

Calculates the magnitude of 2D vectors.

mahalanobis

Calculates the Mahalanobis distance between two vectors.

max

Calculates per-element maximum of two arrays or an array and a scalar.

mean

Calculates an average (mean) of array elements.

mean_std_dev

Calculates a mean and standard deviation of array elements.

merge

Creates one multi-channel array out of several single-channel ones.

min

Calculates per-element minimum of two arrays or an array and a scalar.

min_max_idx

Finds the global minimum and maximum in an array

min_max_loc

Finds the global minimum and maximum in an array.

mix_channels

Copies specified channels from input arrays to the specified channels of output arrays.

mul_spectrums

Performs the per-element multiplication of two Fourier spectrums.

mul_transposed

Calculates the product of a matrix and its transposition.

multiply

Calculates the per-element scaled product of two arrays.

norm

Calculates the absolute norm of an array.

norm_l1
norm_l2
norm_l2_sqr
norm_with_type

Calculates an absolute difference norm or a relative difference norm.

normalize

Normalizes the norm or value range of an array.

parallel_for_

Parallel data processor

patch_na_ns

converts NaN's to the given number

pca_back_project

wrap PCA::backProject

pca_compute

wrap PCA::operator()

pca_compute_values

wrap PCA::operator() and add eigenvalues output parameter

pca_compute_values_variance

wrap PCA::operator() and add eigenvalues output parameter

pca_compute_variance

wrap PCA::operator()

pca_project

wrap PCA::project

perspective_transform

Performs the perspective matrix transformation of vectors.

phase

Calculates the rotation angle of 2D vectors.

polar_to_cart

Calculates x and y coordinates of 2D vectors from their magnitude and angle.

pow

Raises every array element to a power.

psnr

Computes the Peak Signal-to-Noise Ratio (PSNR) image quality metric.

randn

Fills the array with normally distributed random numbers.

randu

Generates a single uniformly-distributed random number or an array of random numbers.

reduce

Reduces a matrix to a vector.

repeat

Fills the output array with repeated copies of the input array.

repeat_to

Fills the output array with repeated copies of the input array.

reset_trace
rotate

Rotates a 2D array in multiples of 90 degrees. The function cv::rotate rotates the array in one of three different ways: Rotate by 90 degrees clockwise (rotateCode = ROTATE_90_CLOCKWISE). Rotate by 180 degrees clockwise (rotateCode = ROTATE_180). Rotate by 270 degrees clockwise (rotateCode = ROTATE_90_COUNTERCLOCKWISE).

round_up

Round first value up to the nearest multiple of second value.

round_up_1

Round first value up to the nearest multiple of second value.

scale_add

Calculates the sum of a scaled array and another array.

set_break_on_error

Sets/resets the break-on-error mode.

set_flags
set_identity

Initializes a scaled identity matrix.

set_num_threads

OpenCV will try to set the number of threads for the next parallel region.

set_rng_seed

Sets state of default random number generator.

set_use_instrumentation
set_use_ipp
set_use_ipp__not_exact
set_use_ipp_ne
set_use_open_vx
set_use_optimized

Enables or disables the optimized code.

solve

Solves one or more linear systems or least-squares problems.

solve_cubic

Finds the real roots of a cubic equation.

solve_lp

Solve given (non-integer) linear programming problem using the Simplex Algorithm (Simplex Method).

solve_poly

Finds the real or complex roots of a polynomial equation.

sort

Sorts each row or each column of a matrix.

sort_idx

Sorts each row or each column of a matrix.

split

Divides a multi-channel array into several single-channel arrays.

sqrt

Calculates a square root of array elements.

subtract

Calculates the per-element difference between two arrays or array and a scalar.

sum

Calculates the sum of array elements.

sv_back_subst

wrap SVD::backSubst

sv_decomp

wrap SVD::compute

swap

Swaps two matrices

tempfile

C++ default parameters

trace

Returns the trace of a matrix.

transform

Performs the matrix transformation of every array element.

transpose

Transposes a matrix.

type_to_string

Returns string of cv::Mat depth value: CV_8UC3 -> "CV_8UC3" or ""

use_instrumentation
use_ipp
use_ipp__not_exact
use_ipp_ne
use_open_vx
use_optimized

Returns the status of optimized code usage.

vconcat

Applies vertical concatenation to given matrices.

vconcat_2

Applies vertical concatenation to given matrices.

Type Definitions

Point
Point2d
Point2f
Point2l
Point2i
Rect
Rect2d
Rect2f
Rect2i
Scalar
Size
Size2d
Size2f
Size2l
Size2i
Vec2d
Vec2f
Vec2i
Vec2w
Vec2s
Vec2b
Vec3d
Vec3f
Vec3i
Vec3w
Vec3s
Vec3b
Vec4d
Vec4f
Vec4i
Vec4w
Vec4s
Vec4b
Vec6d
Vec6f
Vec6i
Vec8i