[][src]Module opencv::core

Structs

AsyncArray

Returns result of asynchronous operations

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,

Context
DMatch

Class for matching keypoint descriptors

Device
FileNode

File Storage Node class.

FileNodeIterator

used to iterate through sequences and mappings.

FileNodeIterator_SeqReader
FileStorage

XML/YAML/JSON file storage class that encapsulates all the information necessary for writing or reading data to/from a file.

Hamming

replaced with CV_Assert(expr) in Debug configuration

Image2D
InputArray
Kernel
KernelArg
KeyPoint

Data structure for salient point detectors.

LDA

Linear Discriminant Analysis @todo document this class

Mat

n-dimensional dense array class \anchor CVMat_Details

MatConstIterator
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
OutputArray
PCA

Principal Component Analysis

ParallelLoopBodyLambdaWrapper
Param
Platform
PlatformInfo
Point_

docs.opencv.org

Program
ProgramEntry
ProgramSource
Queue
Range

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

Rect_

docs.opencv.org

RotatedRect

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

Scalar_
Size_

docs.opencv.org

SparseMat

The class SparseMat represents multi-dimensional sparse numerical arrays.

SparseMatIterator

Read-write Sparse Matrix Iterator

SparseMat_Hdr

the sparse matrix header

SparseMat_Node

sparse matrix node - element of a hash table

TermCriteria

The class defining termination criteria for iterative algorithms.

TickMeter

a Class to measure passing time.

Timer
UMat

@todo document

UMatData
Vec2
Vec3
Vec4
Vec6
Vec8
WriteStructContext
_InputOutputArray

Enums

FLAGS
IMPL
LogLevel

Supported logging levels and their semantic

OclVectorStrategy
TYPE
UMatUsageFlags

Usage flags for allocator

Constants

ACCESS_FAST
ACCESS_MASK
ACCESS_READ
ACCESS_RW
ACCESS_WRITE
BORDER_CONSTANT

iiiiii|abcdefgh|iiiiiii with some specified i

BORDER_DEFAULT

same as BORDER_REFLECT_101

BORDER_ISOLATED

do not look outside of ROI

BORDER_REFLECT

fedcba|abcdefgh|hgfedcb

BORDER_REFLECT101

same as BORDER_REFLECT_101

BORDER_REFLECT_101

gfedcb|abcdefgh|gfedcba

BORDER_REPLICATE

aaaaaa|abcdefgh|hhhhhhh

BORDER_TRANSPARENT

uvwxyz|abcdefgh|ijklmno

BORDER_WRAP

cdefgh|abcdefgh|abcdefg

BadAlign

incorrect input align

BadAlphaChannel
BadCOI

input COI is not supported

BadCallBack
BadDataPtr
BadDepth

input image depth is not supported by the function

BadImageSize

image size is invalid

BadModelOrChSeq
BadNumChannel1U
BadNumChannels

bad number of channels, for example, some functions accept only single channel matrices.

BadOffset

offset is invalid

BadOrder

number of dimensions is out of range

BadOrigin

incorrect input origin

BadROISize

incorrect input roi

BadStep

image step is wrong, this may happen for a non-continuous matrix.

BadTileSize
CMP_EQ

src1 is equal to src2.

CMP_GE

src1 is greater than or equal to src2.

CMP_GT

src1 is greater than src2.

CMP_LE

src1 is less than or equal to src2.

CMP_LT

src1 is less than src2.

CMP_NE

src1 is unequal to src2.

COVAR_COLS
COVAR_NORMAL
COVAR_ROWS
COVAR_SCALE
COVAR_SCRAMBLED
COVAR_USE_AVG
CPU_AVX
CPU_AVX2
CPU_AVX512_CEL

Cascade Lake with AVX-512F/CD/BW/DQ/VL/IFMA/VBMI/VNNI

CPU_AVX512_CNL

Cannon Lake with AVX-512F/CD/BW/DQ/VL/IFMA/VBMI

CPU_AVX512_COMMON

Common instructions AVX-512F/CD for all CPUs that support AVX-512

CPU_AVX512_ICL

Ice Lake with AVX-512F/CD/BW/DQ/VL/IFMA/VBMI/VNNI/VBMI2/BITALG/VPOPCNTDQ

CPU_AVX512_KNL

Knights Landing with AVX-512F/CD/ER/PF

CPU_AVX512_KNM

Knights Mill with AVX-512F/CD/ER/PF/4FMAPS/4VNNIW/VPOPCNTDQ

CPU_AVX512_SKX

Skylake-X with AVX-512F/CD/BW/DQ/VL

CPU_AVX_512BITALG
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_512VNNI
CPU_AVX_512VPOPCNTDQ
CPU_AVX_5124FMAPS
CPU_AVX_5124VNNIW
CPU_AVX_512IFMA512
CPU_AVX_512VBMI2
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_CEL
CV_CPU_AVX512_CNL
CV_CPU_AVX512_COMMON
CV_CPU_AVX512_ICL
CV_CPU_AVX512_KNL
CV_CPU_AVX512_KNM
CV_CPU_AVX512_SKX
CV_CPU_AVX_512BITALG
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_512VNNI
CV_CPU_AVX_512VPOPCNTDQ
CV_CPU_AVX_5124FMAPS
CV_CPU_AVX_5124VNNIW
CV_CPU_AVX_512IFMA512

deprecated

CV_CPU_AVX_512VBMI2
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_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
Device_EXEC_KERNEL
Device_EXEC_NATIVE_KERNEL
Device_FP_CORRECTLY_ROUNDED_DIVIDE_SQRT
Device_FP_DENORM
Device_FP_FMA
Device_FP_INF_NAN
Device_FP_ROUND_TO_INF
Device_FP_ROUND_TO_NEAREST
Device_FP_ROUND_TO_ZERO
Device_FP_SOFT_FLOAT
Device_LOCAL_IS_GLOBAL
Device_LOCAL_IS_LOCAL
Device_NO_CACHE
Device_NO_LOCAL_MEM
Device_READ_ONLY_CACHE
Device_READ_WRITE_CACHE
Device_TYPE_ACCELERATOR
Device_TYPE_ALL
Device_TYPE_CPU
Device_TYPE_DEFAULT
Device_TYPE_DGPU
Device_TYPE_GPU
Device_TYPE_IGPU
Device_UNKNOWN_VENDOR
Device_VENDOR_AMD
Device_VENDOR_INTEL
Device_VENDOR_NVIDIA
FILLED
FLAGS_EXPAND_SAME_NAMES
FLAGS_MAPPING
FLAGS_NONE
FONT_HERSHEY_COMPLEX

normal size serif font

FONT_HERSHEY_COMPLEX_SMALL

smaller version of FONT_HERSHEY_COMPLEX

FONT_HERSHEY_DUPLEX

normal size sans-serif font (more complex than FONT_HERSHEY_SIMPLEX)

FONT_HERSHEY_PLAIN

small size sans-serif font

FONT_HERSHEY_SCRIPT_COMPLEX

more complex variant of FONT_HERSHEY_SCRIPT_SIMPLEX

FONT_HERSHEY_SCRIPT_SIMPLEX

hand-writing style font

FONT_HERSHEY_SIMPLEX

normal size sans-serif font

FONT_HERSHEY_TRIPLEX

normal size serif font (more complex than FONT_HERSHEY_COMPLEX)

FONT_ITALIC

flag for italic font

FileNode_EMPTY

empty structure (sequence or mapping)

FileNode_FLOAT

synonym or REAL

FileNode_FLOW

compact representation of a sequence or mapping. Used only by YAML writer

FileNode_INT

an integer

FileNode_MAP

mapping

FileNode_NAMED

the node has a name (i.e. it is element of a mapping)

FileNode_REAL

floating-point number

FileNode_REF

integer of size size_t. Typically used for storing complex dynamic structures where some elements reference the others

FileNode_SEQ

sequence

FileNode_STR

text string in UTF-8 encoding

FileNode_STRING

synonym for STR

FileNode_USER

a registered object (e.g. a matrix)

FileStorage_APPEND

value, open the file for appending

FileStorage_BASE64

flag, write rawdata in Base64 by default. (consider using WRITE_BASE64)

FileStorage_FORMAT_AUTO

flag, auto format

FileStorage_FORMAT_JSON

flag, JSON format

FileStorage_FORMAT_MASK

mask for format flags

FileStorage_FORMAT_XML

flag, XML format

FileStorage_FORMAT_YAML

flag, YAML format

FileStorage_INSIDE_MAP
FileStorage_MEMORY

flag, read data from source or write data to the internal buffer (which is

FileStorage_NAME_EXPECTED
FileStorage_READ

value, open the file for reading

FileStorage_UNDEFINED
FileStorage_VALUE_EXPECTED
FileStorage_WRITE

value, open the file for writing

FileStorage_WRITE_BASE64
Formatter_FMT_C
Formatter_FMT_CSV
Formatter_FMT_DEFAULT
Formatter_FMT_MATLAB
Formatter_FMT_NUMPY
Formatter_FMT_PYTHON
GEMM_1_T

transposes src1

GEMM_2_T

transposes src2

GEMM_3_T

transposes src3

GpuApiCallError

GPU API call error

GpuNotSupported

no CUDA support

Hamming_normType
HeaderIsNull

image header is NULL

IMPL_IPP
IMPL_OPENCL
IMPL_PLAIN
KMEANS_PP_CENTERS
KMEANS_RANDOM_CENTERS
KMEANS_USE_INITIAL_LABELS
KernelArg_CONSTANT
KernelArg_LOCAL
KernelArg_NO_SIZE
KernelArg_PTR_ONLY
KernelArg_READ_ONLY
KernelArg_READ_WRITE
KernelArg_WRITE_ONLY
LINE_4

4-connected line

LINE_8

8-connected line

LINE_AA

antialiased line

LOG_LEVEL_DEBUG

Debug message. Disabled in the "Release" build.

LOG_LEVEL_ERROR

Error message

LOG_LEVEL_FATAL

Fatal (critical) error (unrecoverable internal error)

LOG_LEVEL_INFO

Info message

LOG_LEVEL_SILENT

for using in setLogVevel() call

LOG_LEVEL_VERBOSE

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

LOG_LEVEL_WARNING

Warning message

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

flag

NORM_RELATIVE

flag

NORM_TYPE_MASK

bit-mask which can be used to separate norm type from norm flags

OCL_VECTOR_DEFAULT
OCL_VECTOR_MAX
OCL_VECTOR_OWN
OPENCV_ABI_COMPATIBILITY
OpenCLApiCallError

OpenCL API call error

OpenCLDoubleNotSupported
OpenCLInitError

OpenCL initialization error

OpenCLNoAMDBlasFft
OpenGlApiCallError

OpenGL API call error

OpenGlNotSupported

no OpenGL support

PCA_DATA_AS_COL

indicates that the input samples are stored as matrix columns

PCA_DATA_AS_ROW

indicates that the input samples are stored as matrix rows

PCA_USE_AVG
Param_ALGORITHM
Param_BOOLEAN
Param_MAT_VECTOR
Param_SCALAR
Param_UCHAR
Param_UINT64
Param_UNSIGNED_INT
REDUCE_AVG

the output is the mean vector of all rows/columns of the matrix.

REDUCE_MAX

the output is the maximum (column/row-wise) of all rows/columns of the matrix.

REDUCE_MIN

the output is the minimum (column/row-wise) of all rows/columns of the matrix.

REDUCE_SUM

the output is the sum of all rows/columns of the matrix.

RNG_NORMAL
RNG_UNIFORM
ROTATE_90_CLOCKWISE

Rotate 90 degrees clockwise

ROTATE_90_COUNTERCLOCKWISE

Rotate 270 degrees clockwise

ROTATE_180

Rotate 180 degrees clockwise

SOLVELP_MULTI

there are multiple maxima for target function - the arbitrary one is returned

SOLVELP_SINGLE

there is only one maximum for target function

SOLVELP_UNBOUNDED

problem is unbounded (target function can achieve arbitrary high values)

SOLVELP_UNFEASIBLE

problem is unfeasible (there are no points that satisfy all the constraints imposed)

SORT_ASCENDING

each matrix row is sorted in the ascending

SORT_DESCENDING

each matrix row is sorted in the

SORT_EVERY_COLUMN

each matrix column is sorted

SORT_EVERY_ROW

each matrix row is sorted independently

SVD_FULL_UV
SVD_MODIFY_A
SVD_NO_UV
SparseMat_HASH_BIT
SparseMat_HASH_SCALE
SparseMat_MAX_DIM
StsAssert

assertion failed

StsAutoTrace

tracing

StsBackTrace

pseudo error for back trace

StsBadArg

function arg/param is bad

StsBadFlag

flag is wrong or not supported

StsBadFunc

unsupported function

StsBadMask

bad format of mask (neither 8uC1 nor 8sC1)

StsBadMemBlock

an allocated block has been corrupted

StsBadPoint

bad CvPoint

StsBadSize

the input/output structure size is incorrect

StsDivByZero

division by zero

StsError

unknown /unspecified error

StsFilterOffsetErr

incorrect filter offset value

StsFilterStructContentErr

incorrect filter structure content

StsInplaceNotSupported

in-place operation is not supported

StsInternal

internal error (bad state)

StsKernelStructContentErr

incorrect transform kernel content

StsNoConv

iteration didn't converge

StsNoMem

insufficient memory

StsNotImplemented

the requested function/feature is not implemented

StsNullPtr

null pointer

StsObjectNotFound

request can't be completed

StsOk

everything is ok

StsOutOfRange

some of parameters are out of range

StsParseError

invalid syntax/structure of the parsed file

StsUnmatchedFormats

formats of input/output arrays differ

StsUnmatchedSizes

sizes of input/output structures do not match

StsUnsupportedFormat

the data format/type is not supported by the function

StsVecLengthErr

incorrect vector length

TEST_CUSTOM
TEST_EQ
TEST_GE
TEST_GT
TEST_LE
TEST_LT
TEST_NE
TYPE_FUN
TYPE_GENERAL
TYPE_MARKER
TYPE_WRAPPER
TermCriteria_COUNT

the maximum number of iterations or elements to compute

TermCriteria_EPS

the desired accuracy or change in parameters at which the iterative algorithm stops

TermCriteria_MAX_ITER

ditto

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_MAT
_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

AllocatorStatisticsInterface
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

SparseMatConstIterator

Read-Only Sparse Matrix Iterator.

ToInputArray

Trait to serve as a replacement for InputArray in C++ OpenCV

ToInputOutputArray

Trait to serve as a replacement for InputOutputArray in C++ OpenCV

ToOutputArray

Trait to serve as a replacement for OutputArray in C++ OpenCV

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

_InputArray

This is the proxy class for passing read-only input arrays into OpenCV functions.

_OutputArray

This type is very similar to InputArray except that it is used for input/output and output function parameters.

Functions

MAKETYPE
MAT_DEPTH
abs

Calculates an absolute value of each matrix element.

abs_matexpr

Calculates an absolute value of each matrix element.

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_samples_data_search_path

Override search data path by adding new search location

add_samples_data_search_sub_directory

Append samples search data sub directory

add_weighted

Calculates the weighted sum of two arrays.

align_size

Aligns a buffer size to the specified number of bytes.

attach_context

Attaches OpenCL context to OpenCV

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.

build_options_add_matrix_description
calc_covar_matrix

Calculates the covariance matrix of a set of vectors.

cart_to_polar

Calculates the magnitude and angle of 2D vectors.

check_failed_auto
check_failed_auto_1
check_failed_auto_2
check_failed_auto_3
check_failed_auto_4
check_failed_auto_5
check_failed_auto_6
check_failed_auto_7
check_failed_mat_channels
check_failed_mat_channels_1
check_failed_mat_depth
check_failed_mat_depth_1
check_failed_mat_type
check_failed_mat_type_1
check_hardware_support

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

check_optimal_vector_width

C++ default parameters

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_buffer

Convert OpenCL buffer to UMat

convert_from_image

Convert OpenCL image2d_t to UMat

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.

convert_type_str
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 ""

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.

divide2

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
error_no_return

same as cv::error, but does not return

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_file

Try to find requested data file

find_file_or_keep

C++ default parameters

find_non_zero

Returns the list of locations of non-zero pixels

finish
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_features_line

Returns list of CPU features enabled during compilation.

get_cpu_tick_count

Returns the number of CPU ticks.

get_elem_size
get_flags
get_hardware_feature_name

Returns feature name by ID

get_ipp_error_location
get_ipp_features
get_ipp_status
get_ipp_version
get_log_level

Get global logging level

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_opencl_error_string
get_optimal_dft_size

Returns the optimal DFT size for a given vector size.

get_platfoms_info
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_amd_blas
have_amd_fft
have_opencl
have_openvx
have_svm
hconcat

Applies horizontal concatenation to given matrices.

hconcat2

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.

kernel_to_str

C++ default parameters

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.

max_f64_mat
max_mat
max_mat_f64
max_mat_to

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

max_umat_to

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.

memop_type_to_str
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_f64_mat
min_mat
min_mat_f64
min_mat_to

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.

min_max_loc_sparse

Finds the global minimum and maximum in an array.

min_umat_to

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

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.

no_array
norm

Calculates the absolute norm of an array.

norm2

Calculates an absolute difference norm or a relative difference norm.

norm_l1
norm_l2
norm_l2_sqr
norm_sparse

Calculates the absolute norm of an array.

normalize

Normalizes the norm or value range of an array.

normalize_sparse

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.

predict_optimal_vector_width

C++ default parameters

predict_optimal_vector_width_max

C++ default parameters

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.

read
read_bool

@relates cv::FileNode

read_dmatch
read_dmatch_vec
read_dmatch_vec_legacy
read_f32
read_f64
read_i16
read_i32

@relates cv::FileNode

read_keypoint
read_keypoint_vec
read_keypoint_vec_legacy
read_mat

C++ default parameters

read_range
read_sparsemat

C++ default parameters

read_u8
read_u16
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_flags_1
set_identity

Initializes a scaled identity matrix.

set_log_level

Set global logging level

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_ne
set_use_ipp_not_exact
set_use_opencl
set_use_openvx
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.

string
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

swap_umat

Swaps two matrices

tempfile

C++ default parameters

test_async_array
test_async_exception
trace

Returns the trace of a matrix.

transform

Performs the matrix transformation of every array element.

transpose

Transposes a matrix.

type_to_str
type_to_string

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

use_instrumentation
use_ipp
use_ipp_ne
use_ipp_not_exact
use_opencl
use_openvx
use_optimized

Returns the status of optimized code usage.

vconcat

Applies vertical concatenation to given matrices.

vconcat2

Applies vertical concatenation to given matrices.

vecop_type_to_str
write_dmatch
write_dmatch_1
write_dmatch_vec
write_dmatch_vec_1
write_f32
write_f64
write_i32

@relates cv::FileStorage

write_keypoint
write_keypoint_1
write_keypoint_vec
write_keypoint_vec_1
write_log_message

Write log message

write_mat
write_range
write_range_1
write_scalar_f32
write_scalar_f64
write_scalar_i32
write_scalar_str
write_sparsemat
write_str

Type Definitions

InputOutputArray
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