org.opencv.core
Class Core
java.lang.Object
org.opencv.core.Core
public class Core
- extends java.lang.Object
Constructor Summary |
Core()
|
Method Summary |
static void |
absdiff(Mat src1,
Mat src2,
Mat dst)
|
static void |
absdiff(Mat src1,
Scalar src2,
Mat dst)
|
static void |
add(Mat src1,
Mat src2,
Mat dst)
|
static void |
add(Mat src1,
Mat src2,
Mat dst,
Mat mask)
|
static void |
add(Mat src1,
Mat src2,
Mat dst,
Mat mask,
int dtype)
|
static void |
add(Mat src1,
Scalar src2,
Mat dst)
|
static void |
add(Mat src1,
Scalar src2,
Mat dst,
Mat mask)
|
static void |
add(Mat src1,
Scalar src2,
Mat dst,
Mat mask,
int dtype)
|
static void |
addWeighted(Mat src1,
double alpha,
Mat src2,
double beta,
double gamma,
Mat dst)
|
static void |
addWeighted(Mat src1,
double alpha,
Mat src2,
double beta,
double gamma,
Mat dst,
int dtype)
|
static void |
batchDistance(Mat src1,
Mat src2,
Mat dist,
int dtype,
Mat nidx)
|
static void |
batchDistance(Mat src1,
Mat src2,
Mat dist,
int dtype,
Mat nidx,
int normType,
int K)
|
static void |
batchDistance(Mat src1,
Mat src2,
Mat dist,
int dtype,
Mat nidx,
int normType,
int K,
Mat mask,
int update,
boolean crosscheck)
|
static void |
bitwise_and(Mat src1,
Mat src2,
Mat dst)
|
static void |
bitwise_and(Mat src1,
Mat src2,
Mat dst,
Mat mask)
|
static void |
bitwise_not(Mat src,
Mat dst)
|
static void |
bitwise_not(Mat src,
Mat dst,
Mat mask)
|
static void |
bitwise_or(Mat src1,
Mat src2,
Mat dst)
|
static void |
bitwise_or(Mat src1,
Mat src2,
Mat dst,
Mat mask)
|
static void |
bitwise_xor(Mat src1,
Mat src2,
Mat dst)
|
static void |
bitwise_xor(Mat src1,
Mat src2,
Mat dst,
Mat mask)
|
static int |
borderInterpolate(int p,
int len,
int borderType)
|
static void |
calcCovarMatrix(Mat samples,
Mat covar,
Mat mean,
int flags)
|
static void |
calcCovarMatrix(Mat samples,
Mat covar,
Mat mean,
int flags,
int ctype)
|
static void |
cartToPolar(Mat x,
Mat y,
Mat magnitude,
Mat angle)
|
static void |
cartToPolar(Mat x,
Mat y,
Mat magnitude,
Mat angle,
boolean angleInDegrees)
|
static boolean |
checkRange(Mat a)
|
static boolean |
checkRange(Mat a,
boolean quiet,
double minVal,
double maxVal)
|
static void |
compare(Mat src1,
Mat src2,
Mat dst,
int cmpop)
|
static void |
compare(Mat src1,
Scalar src2,
Mat dst,
int cmpop)
|
static void |
completeSymm(Mat mtx)
|
static void |
completeSymm(Mat mtx,
boolean lowerToUpper)
|
static void |
convertScaleAbs(Mat src,
Mat dst)
|
static void |
convertScaleAbs(Mat src,
Mat dst,
double alpha,
double beta)
|
static void |
copyMakeBorder(Mat src,
Mat dst,
int top,
int bottom,
int left,
int right,
int borderType)
|
static void |
copyMakeBorder(Mat src,
Mat dst,
int top,
int bottom,
int left,
int right,
int borderType,
Scalar value)
|
static int |
countNonZero(Mat src)
|
static float |
cubeRoot(float val)
|
static void |
dct(Mat src,
Mat dst)
|
static void |
dct(Mat src,
Mat dst,
int flags)
|
static double |
determinant(Mat mtx)
|
static void |
dft(Mat src,
Mat dst)
|
static void |
dft(Mat src,
Mat dst,
int flags,
int nonzeroRows)
|
static void |
divide(double scale,
Mat src2,
Mat dst)
|
static void |
divide(double scale,
Mat src2,
Mat dst,
int dtype)
|
static void |
divide(Mat src1,
Mat src2,
Mat dst)
|
static void |
divide(Mat src1,
Mat src2,
Mat dst,
double scale)
|
static void |
divide(Mat src1,
Mat src2,
Mat dst,
double scale,
int dtype)
|
static void |
divide(Mat src1,
Scalar src2,
Mat dst)
|
static void |
divide(Mat src1,
Scalar src2,
Mat dst,
double scale)
|
static void |
divide(Mat src1,
Scalar src2,
Mat dst,
double scale,
int dtype)
|
static boolean |
eigen(Mat src,
Mat eigenvalues)
|
static boolean |
eigen(Mat src,
Mat eigenvalues,
Mat eigenvectors)
|
static void |
exp(Mat src,
Mat dst)
|
static void |
extractChannel(Mat src,
Mat dst,
int coi)
|
static float |
fastAtan2(float y,
float x)
|
static void |
findNonZero(Mat src,
Mat idx)
|
static void |
flip(Mat src,
Mat dst,
int flipCode)
|
static void |
gemm(Mat src1,
Mat src2,
double alpha,
Mat src3,
double beta,
Mat dst)
|
static void |
gemm(Mat src1,
Mat src2,
double alpha,
Mat src3,
double beta,
Mat dst,
int flags)
|
static java.lang.String |
getBuildInformation()
|
static long |
getCPUTickCount()
|
static int |
getNumberOfCPUs()
|
static int |
getOptimalDFTSize(int vecsize)
|
static long |
getTickCount()
|
static double |
getTickFrequency()
|
static void |
hconcat(java.util.List<Mat> src,
Mat dst)
|
static void |
idct(Mat src,
Mat dst)
|
static void |
idct(Mat src,
Mat dst,
int flags)
|
static void |
idft(Mat src,
Mat dst)
|
static void |
idft(Mat src,
Mat dst,
int flags,
int nonzeroRows)
|
static void |
inRange(Mat src,
Scalar lowerb,
Scalar upperb,
Mat dst)
|
static void |
insertChannel(Mat src,
Mat dst,
int coi)
|
static double |
invert(Mat src,
Mat dst)
|
static double |
invert(Mat src,
Mat dst,
int flags)
|
static double |
kmeans(Mat data,
int K,
Mat bestLabels,
TermCriteria criteria,
int attempts,
int flags)
|
static double |
kmeans(Mat data,
int K,
Mat bestLabels,
TermCriteria criteria,
int attempts,
int flags,
Mat centers)
|
static void |
log(Mat src,
Mat dst)
|
static void |
LUT(Mat src,
Mat lut,
Mat dst)
|
static void |
magnitude(Mat x,
Mat y,
Mat magnitude)
|
static double |
Mahalanobis(Mat v1,
Mat v2,
Mat icovar)
|
static void |
max(Mat src1,
Mat src2,
Mat dst)
|
static void |
max(Mat src1,
Scalar src2,
Mat dst)
|
static Scalar |
mean(Mat src)
|
static Scalar |
mean(Mat src,
Mat mask)
|
static void |
meanStdDev(Mat src,
MatOfDouble mean,
MatOfDouble stddev)
|
static void |
meanStdDev(Mat src,
MatOfDouble mean,
MatOfDouble stddev,
Mat mask)
|
static void |
merge(java.util.List<Mat> mv,
Mat dst)
|
static void |
min(Mat src1,
Mat src2,
Mat dst)
|
static void |
min(Mat src1,
Scalar src2,
Mat dst)
|
static Core.MinMaxLocResult |
minMaxLoc(Mat src)
|
static Core.MinMaxLocResult |
minMaxLoc(Mat src,
Mat mask)
|
static void |
mixChannels(java.util.List<Mat> src,
java.util.List<Mat> dst,
MatOfInt fromTo)
|
static void |
mulSpectrums(Mat a,
Mat b,
Mat c,
int flags)
|
static void |
mulSpectrums(Mat a,
Mat b,
Mat c,
int flags,
boolean conjB)
|
static void |
multiply(Mat src1,
Mat src2,
Mat dst)
|
static void |
multiply(Mat src1,
Mat src2,
Mat dst,
double scale)
|
static void |
multiply(Mat src1,
Mat src2,
Mat dst,
double scale,
int dtype)
|
static void |
multiply(Mat src1,
Scalar src2,
Mat dst)
|
static void |
multiply(Mat src1,
Scalar src2,
Mat dst,
double scale)
|
static void |
multiply(Mat src1,
Scalar src2,
Mat dst,
double scale,
int dtype)
|
static void |
mulTransposed(Mat src,
Mat dst,
boolean aTa)
|
static void |
mulTransposed(Mat src,
Mat dst,
boolean aTa,
Mat delta,
double scale)
|
static void |
mulTransposed(Mat src,
Mat dst,
boolean aTa,
Mat delta,
double scale,
int dtype)
|
static double |
norm(Mat src1)
|
static double |
norm(Mat src1,
int normType)
|
static double |
norm(Mat src1,
int normType,
Mat mask)
|
static double |
norm(Mat src1,
Mat src2)
|
static double |
norm(Mat src1,
Mat src2,
int normType)
|
static double |
norm(Mat src1,
Mat src2,
int normType,
Mat mask)
|
static void |
normalize(Mat src,
Mat dst)
|
static void |
normalize(Mat src,
Mat dst,
double alpha,
double beta,
int norm_type)
|
static void |
normalize(Mat src,
Mat dst,
double alpha,
double beta,
int norm_type,
int dtype)
|
static void |
normalize(Mat src,
Mat dst,
double alpha,
double beta,
int norm_type,
int dtype,
Mat mask)
|
static void |
patchNaNs(Mat a)
|
static void |
patchNaNs(Mat a,
double val)
|
static void |
PCABackProject(Mat data,
Mat mean,
Mat eigenvectors,
Mat result)
|
static void |
PCACompute(Mat data,
Mat mean,
Mat eigenvectors)
|
static void |
PCACompute(Mat data,
Mat mean,
Mat eigenvectors,
double retainedVariance)
|
static void |
PCACompute(Mat data,
Mat mean,
Mat eigenvectors,
int maxComponents)
|
static void |
PCAProject(Mat data,
Mat mean,
Mat eigenvectors,
Mat result)
|
static void |
perspectiveTransform(Mat src,
Mat dst,
Mat m)
|
static void |
phase(Mat x,
Mat y,
Mat angle)
|
static void |
phase(Mat x,
Mat y,
Mat angle,
boolean angleInDegrees)
|
static void |
polarToCart(Mat magnitude,
Mat angle,
Mat x,
Mat y)
|
static void |
polarToCart(Mat magnitude,
Mat angle,
Mat x,
Mat y,
boolean angleInDegrees)
|
static void |
pow(Mat src,
double power,
Mat dst)
|
static double |
PSNR(Mat src1,
Mat src2)
|
static void |
randn(Mat dst,
double mean,
double stddev)
|
static void |
randShuffle(Mat dst)
|
static void |
randShuffle(Mat dst,
double iterFactor)
|
static void |
randu(Mat dst,
double low,
double high)
|
static void |
reduce(Mat src,
Mat dst,
int dim,
int rtype)
|
static void |
reduce(Mat src,
Mat dst,
int dim,
int rtype,
int dtype)
|
static void |
repeat(Mat src,
int ny,
int nx,
Mat dst)
|
static void |
scaleAdd(Mat src1,
double alpha,
Mat src2,
Mat dst)
|
static void |
setErrorVerbosity(boolean verbose)
|
static void |
setIdentity(Mat mtx)
|
static void |
setIdentity(Mat mtx,
Scalar s)
|
static boolean |
solve(Mat src1,
Mat src2,
Mat dst)
|
static boolean |
solve(Mat src1,
Mat src2,
Mat dst,
int flags)
|
static int |
solveCubic(Mat coeffs,
Mat roots)
|
static double |
solvePoly(Mat coeffs,
Mat roots)
|
static double |
solvePoly(Mat coeffs,
Mat roots,
int maxIters)
|
static void |
sort(Mat src,
Mat dst,
int flags)
|
static void |
sortIdx(Mat src,
Mat dst,
int flags)
|
static void |
split(Mat m,
java.util.List<Mat> mv)
|
static void |
sqrt(Mat src,
Mat dst)
|
static void |
subtract(Mat src1,
Mat src2,
Mat dst)
|
static void |
subtract(Mat src1,
Mat src2,
Mat dst,
Mat mask)
|
static void |
subtract(Mat src1,
Mat src2,
Mat dst,
Mat mask,
int dtype)
|
static void |
subtract(Mat src1,
Scalar src2,
Mat dst)
|
static void |
subtract(Mat src1,
Scalar src2,
Mat dst,
Mat mask)
|
static void |
subtract(Mat src1,
Scalar src2,
Mat dst,
Mat mask,
int dtype)
|
static Scalar |
sumElems(Mat src)
|
static void |
SVBackSubst(Mat w,
Mat u,
Mat vt,
Mat rhs,
Mat dst)
|
static void |
SVDecomp(Mat src,
Mat w,
Mat u,
Mat vt)
|
static void |
SVDecomp(Mat src,
Mat w,
Mat u,
Mat vt,
int flags)
|
static Scalar |
trace(Mat mtx)
|
static void |
transform(Mat src,
Mat dst,
Mat m)
|
static void |
transpose(Mat src,
Mat dst)
|
static void |
vconcat(java.util.List<Mat> src,
Mat dst)
|
Methods inherited from class java.lang.Object |
equals, getClass, hashCode, notify, notifyAll, toString, wait, wait, wait |
BadAlign
public static final int BadAlign
- See Also:
- Constant Field Values
BadAlphaChannel
public static final int BadAlphaChannel
- See Also:
- Constant Field Values
BadCallBack
public static final int BadCallBack
- See Also:
- Constant Field Values
BadCOI
public static final int BadCOI
- See Also:
- Constant Field Values
BadDataPtr
public static final int BadDataPtr
- See Also:
- Constant Field Values
BadDepth
public static final int BadDepth
- See Also:
- Constant Field Values
BadImageSize
public static final int BadImageSize
- See Also:
- Constant Field Values
BadModelOrChSeq
public static final int BadModelOrChSeq
- See Also:
- Constant Field Values
BadNumChannel1U
public static final int BadNumChannel1U
- See Also:
- Constant Field Values
BadNumChannels
public static final int BadNumChannels
- See Also:
- Constant Field Values
BadOffset
public static final int BadOffset
- See Also:
- Constant Field Values
BadOrder
public static final int BadOrder
- See Also:
- Constant Field Values
BadOrigin
public static final int BadOrigin
- See Also:
- Constant Field Values
BadROISize
public static final int BadROISize
- See Also:
- Constant Field Values
BadStep
public static final int BadStep
- See Also:
- Constant Field Values
BadTileSize
public static final int BadTileSize
- See Also:
- Constant Field Values
BORDER_CONSTANT
public static final int BORDER_CONSTANT
- See Also:
- Constant Field Values
BORDER_DEFAULT
public static final int BORDER_DEFAULT
- See Also:
- Constant Field Values
BORDER_ISOLATED
public static final int BORDER_ISOLATED
- See Also:
- Constant Field Values
BORDER_REFLECT
public static final int BORDER_REFLECT
- See Also:
- Constant Field Values
BORDER_REFLECT_101
public static final int BORDER_REFLECT_101
- See Also:
- Constant Field Values
BORDER_REFLECT101
public static final int BORDER_REFLECT101
- See Also:
- Constant Field Values
BORDER_REPLICATE
public static final int BORDER_REPLICATE
- See Also:
- Constant Field Values
BORDER_TRANSPARENT
public static final int BORDER_TRANSPARENT
- See Also:
- Constant Field Values
BORDER_WRAP
public static final int BORDER_WRAP
- See Also:
- Constant Field Values
CMP_EQ
public static final int CMP_EQ
- See Also:
- Constant Field Values
CMP_GE
public static final int CMP_GE
- See Also:
- Constant Field Values
CMP_GT
public static final int CMP_GT
- See Also:
- Constant Field Values
CMP_LE
public static final int CMP_LE
- See Also:
- Constant Field Values
CMP_LT
public static final int CMP_LT
- See Also:
- Constant Field Values
CMP_NE
public static final int CMP_NE
- See Also:
- Constant Field Values
COVAR_COLS
public static final int COVAR_COLS
- See Also:
- Constant Field Values
COVAR_NORMAL
public static final int COVAR_NORMAL
- See Also:
- Constant Field Values
COVAR_ROWS
public static final int COVAR_ROWS
- See Also:
- Constant Field Values
COVAR_SCALE
public static final int COVAR_SCALE
- See Also:
- Constant Field Values
COVAR_SCRAMBLED
public static final int COVAR_SCRAMBLED
- See Also:
- Constant Field Values
COVAR_USE_AVG
public static final int COVAR_USE_AVG
- See Also:
- Constant Field Values
CPU_AVX
public static final int CPU_AVX
- See Also:
- Constant Field Values
CPU_AVX_512BW
public static final int CPU_AVX_512BW
- See Also:
- Constant Field Values
CPU_AVX_512CD
public static final int CPU_AVX_512CD
- See Also:
- Constant Field Values
CPU_AVX_512DQ
public static final int CPU_AVX_512DQ
- See Also:
- Constant Field Values
CPU_AVX_512ER
public static final int CPU_AVX_512ER
- See Also:
- Constant Field Values
CPU_AVX_512F
public static final int CPU_AVX_512F
- See Also:
- Constant Field Values
CPU_AVX_512IFMA512
public static final int CPU_AVX_512IFMA512
- See Also:
- Constant Field Values
CPU_AVX_512PF
public static final int CPU_AVX_512PF
- See Also:
- Constant Field Values
CPU_AVX_512VBMI
public static final int CPU_AVX_512VBMI
- See Also:
- Constant Field Values
CPU_AVX_512VL
public static final int CPU_AVX_512VL
- See Also:
- Constant Field Values
CPU_AVX2
public static final int CPU_AVX2
- See Also:
- Constant Field Values
CPU_FMA3
public static final int CPU_FMA3
- See Also:
- Constant Field Values
CPU_MMX
public static final int CPU_MMX
- See Also:
- Constant Field Values
CPU_NEON
public static final int CPU_NEON
- See Also:
- Constant Field Values
CPU_POPCNT
public static final int CPU_POPCNT
- See Also:
- Constant Field Values
CPU_SSE
public static final int CPU_SSE
- See Also:
- Constant Field Values
CPU_SSE2
public static final int CPU_SSE2
- See Also:
- Constant Field Values
CPU_SSE3
public static final int CPU_SSE3
- See Also:
- Constant Field Values
CPU_SSE4_1
public static final int CPU_SSE4_1
- See Also:
- Constant Field Values
CPU_SSE4_2
public static final int CPU_SSE4_2
- See Also:
- Constant Field Values
CPU_SSSE3
public static final int CPU_SSSE3
- See Also:
- Constant Field Values
DCT_INVERSE
public static final int DCT_INVERSE
- See Also:
- Constant Field Values
DCT_ROWS
public static final int DCT_ROWS
- See Also:
- Constant Field Values
DECOMP_CHOLESKY
public static final int DECOMP_CHOLESKY
- See Also:
- Constant Field Values
DECOMP_EIG
public static final int DECOMP_EIG
- See Also:
- Constant Field Values
DECOMP_LU
public static final int DECOMP_LU
- See Also:
- Constant Field Values
DECOMP_NORMAL
public static final int DECOMP_NORMAL
- See Also:
- Constant Field Values
DECOMP_QR
public static final int DECOMP_QR
- See Also:
- Constant Field Values
DECOMP_SVD
public static final int DECOMP_SVD
- See Also:
- Constant Field Values
DFT_COMPLEX_OUTPUT
public static final int DFT_COMPLEX_OUTPUT
- See Also:
- Constant Field Values
DFT_INVERSE
public static final int DFT_INVERSE
- See Also:
- Constant Field Values
DFT_REAL_OUTPUT
public static final int DFT_REAL_OUTPUT
- See Also:
- Constant Field Values
DFT_ROWS
public static final int DFT_ROWS
- See Also:
- Constant Field Values
DFT_SCALE
public static final int DFT_SCALE
- See Also:
- Constant Field Values
FILLED
public static final int FILLED
- See Also:
- Constant Field Values
FONT_HERSHEY_COMPLEX
public static final int FONT_HERSHEY_COMPLEX
- See Also:
- Constant Field Values
FONT_HERSHEY_COMPLEX_SMALL
public static final int FONT_HERSHEY_COMPLEX_SMALL
- See Also:
- Constant Field Values
FONT_HERSHEY_DUPLEX
public static final int FONT_HERSHEY_DUPLEX
- See Also:
- Constant Field Values
FONT_HERSHEY_PLAIN
public static final int FONT_HERSHEY_PLAIN
- See Also:
- Constant Field Values
FONT_HERSHEY_SCRIPT_COMPLEX
public static final int FONT_HERSHEY_SCRIPT_COMPLEX
- See Also:
- Constant Field Values
FONT_HERSHEY_SCRIPT_SIMPLEX
public static final int FONT_HERSHEY_SCRIPT_SIMPLEX
- See Also:
- Constant Field Values
FONT_HERSHEY_SIMPLEX
public static final int FONT_HERSHEY_SIMPLEX
- See Also:
- Constant Field Values
FONT_HERSHEY_TRIPLEX
public static final int FONT_HERSHEY_TRIPLEX
- See Also:
- Constant Field Values
FONT_ITALIC
public static final int FONT_ITALIC
- See Also:
- Constant Field Values
GEMM_1_T
public static final int GEMM_1_T
- See Also:
- Constant Field Values
GEMM_2_T
public static final int GEMM_2_T
- See Also:
- Constant Field Values
GEMM_3_T
public static final int GEMM_3_T
- See Also:
- Constant Field Values
GpuApiCallError
public static final int GpuApiCallError
- See Also:
- Constant Field Values
GpuNotSupported
public static final int GpuNotSupported
- See Also:
- Constant Field Values
HeaderIsNull
public static final int HeaderIsNull
- See Also:
- Constant Field Values
KMEANS_PP_CENTERS
public static final int KMEANS_PP_CENTERS
- See Also:
- Constant Field Values
KMEANS_RANDOM_CENTERS
public static final int KMEANS_RANDOM_CENTERS
- See Also:
- Constant Field Values
KMEANS_USE_INITIAL_LABELS
public static final int KMEANS_USE_INITIAL_LABELS
- See Also:
- Constant Field Values
LINE_4
public static final int LINE_4
- See Also:
- Constant Field Values
LINE_8
public static final int LINE_8
- See Also:
- Constant Field Values
LINE_AA
public static final int LINE_AA
- See Also:
- Constant Field Values
MaskIsTiled
public static final int MaskIsTiled
- See Also:
- Constant Field Values
NATIVE_LIBRARY_NAME
public static final java.lang.String NATIVE_LIBRARY_NAME
NORM_HAMMING
public static final int NORM_HAMMING
- See Also:
- Constant Field Values
NORM_HAMMING2
public static final int NORM_HAMMING2
- See Also:
- Constant Field Values
NORM_INF
public static final int NORM_INF
- See Also:
- Constant Field Values
NORM_L1
public static final int NORM_L1
- See Also:
- Constant Field Values
NORM_L2
public static final int NORM_L2
- See Also:
- Constant Field Values
NORM_L2SQR
public static final int NORM_L2SQR
- See Also:
- Constant Field Values
NORM_MINMAX
public static final int NORM_MINMAX
- See Also:
- Constant Field Values
NORM_RELATIVE
public static final int NORM_RELATIVE
- See Also:
- Constant Field Values
NORM_TYPE_MASK
public static final int NORM_TYPE_MASK
- See Also:
- Constant Field Values
OpenCLApiCallError
public static final int OpenCLApiCallError
- See Also:
- Constant Field Values
OpenCLDoubleNotSupported
public static final int OpenCLDoubleNotSupported
- See Also:
- Constant Field Values
OpenCLInitError
public static final int OpenCLInitError
- See Also:
- Constant Field Values
OpenCLNoAMDBlasFft
public static final int OpenCLNoAMDBlasFft
- See Also:
- Constant Field Values
OpenGlApiCallError
public static final int OpenGlApiCallError
- See Also:
- Constant Field Values
OpenGlNotSupported
public static final int OpenGlNotSupported
- See Also:
- Constant Field Values
REDUCE_AVG
public static final int REDUCE_AVG
- See Also:
- Constant Field Values
REDUCE_MAX
public static final int REDUCE_MAX
- See Also:
- Constant Field Values
REDUCE_MIN
public static final int REDUCE_MIN
- See Also:
- Constant Field Values
REDUCE_SUM
public static final int REDUCE_SUM
- See Also:
- Constant Field Values
SORT_ASCENDING
public static final int SORT_ASCENDING
- See Also:
- Constant Field Values
SORT_DESCENDING
public static final int SORT_DESCENDING
- See Also:
- Constant Field Values
SORT_EVERY_COLUMN
public static final int SORT_EVERY_COLUMN
- See Also:
- Constant Field Values
SORT_EVERY_ROW
public static final int SORT_EVERY_ROW
- See Also:
- Constant Field Values
StsAssert
public static final int StsAssert
- See Also:
- Constant Field Values
StsAutoTrace
public static final int StsAutoTrace
- See Also:
- Constant Field Values
StsBackTrace
public static final int StsBackTrace
- See Also:
- Constant Field Values
StsBadArg
public static final int StsBadArg
- See Also:
- Constant Field Values
StsBadFlag
public static final int StsBadFlag
- See Also:
- Constant Field Values
StsBadFunc
public static final int StsBadFunc
- See Also:
- Constant Field Values
StsBadMask
public static final int StsBadMask
- See Also:
- Constant Field Values
StsBadMemBlock
public static final int StsBadMemBlock
- See Also:
- Constant Field Values
StsBadPoint
public static final int StsBadPoint
- See Also:
- Constant Field Values
StsBadSize
public static final int StsBadSize
- See Also:
- Constant Field Values
StsDivByZero
public static final int StsDivByZero
- See Also:
- Constant Field Values
StsError
public static final int StsError
- See Also:
- Constant Field Values
StsFilterOffsetErr
public static final int StsFilterOffsetErr
- See Also:
- Constant Field Values
StsFilterStructContentErr
public static final int StsFilterStructContentErr
- See Also:
- Constant Field Values
StsInplaceNotSupported
public static final int StsInplaceNotSupported
- See Also:
- Constant Field Values
StsInternal
public static final int StsInternal
- See Also:
- Constant Field Values
StsKernelStructContentErr
public static final int StsKernelStructContentErr
- See Also:
- Constant Field Values
StsNoConv
public static final int StsNoConv
- See Also:
- Constant Field Values
StsNoMem
public static final int StsNoMem
- See Also:
- Constant Field Values
StsNotImplemented
public static final int StsNotImplemented
- See Also:
- Constant Field Values
StsNullPtr
public static final int StsNullPtr
- See Also:
- Constant Field Values
StsObjectNotFound
public static final int StsObjectNotFound
- See Also:
- Constant Field Values
StsOk
public static final int StsOk
- See Also:
- Constant Field Values
StsOutOfRange
public static final int StsOutOfRange
- See Also:
- Constant Field Values
StsParseError
public static final int StsParseError
- See Also:
- Constant Field Values
StsUnmatchedFormats
public static final int StsUnmatchedFormats
- See Also:
- Constant Field Values
StsUnmatchedSizes
public static final int StsUnmatchedSizes
- See Also:
- Constant Field Values
StsUnsupportedFormat
public static final int StsUnsupportedFormat
- See Also:
- Constant Field Values
StsVecLengthErr
public static final int StsVecLengthErr
- See Also:
- Constant Field Values
SVD_FULL_UV
public static final int SVD_FULL_UV
- See Also:
- Constant Field Values
SVD_MODIFY_A
public static final int SVD_MODIFY_A
- See Also:
- Constant Field Values
SVD_NO_UV
public static final int SVD_NO_UV
- See Also:
- Constant Field Values
VERSION
public static final java.lang.String VERSION
VERSION_MAJOR
public static final int VERSION_MAJOR
VERSION_MINOR
public static final int VERSION_MINOR
VERSION_REVISION
public static final int VERSION_REVISION
VERSION_STATUS
public static final java.lang.String VERSION_STATUS
Core
public Core()
absdiff
public static void absdiff(Mat src1,
Mat src2,
Mat dst)
absdiff
public static void absdiff(Mat src1,
Scalar src2,
Mat dst)
add
public static void add(Mat src1,
Mat src2,
Mat dst)
add
public static void add(Mat src1,
Mat src2,
Mat dst,
Mat mask)
add
public static void add(Mat src1,
Mat src2,
Mat dst,
Mat mask,
int dtype)
add
public static void add(Mat src1,
Scalar src2,
Mat dst)
add
public static void add(Mat src1,
Scalar src2,
Mat dst,
Mat mask)
add
public static void add(Mat src1,
Scalar src2,
Mat dst,
Mat mask,
int dtype)
addWeighted
public static void addWeighted(Mat src1,
double alpha,
Mat src2,
double beta,
double gamma,
Mat dst)
addWeighted
public static void addWeighted(Mat src1,
double alpha,
Mat src2,
double beta,
double gamma,
Mat dst,
int dtype)
batchDistance
public static void batchDistance(Mat src1,
Mat src2,
Mat dist,
int dtype,
Mat nidx)
batchDistance
public static void batchDistance(Mat src1,
Mat src2,
Mat dist,
int dtype,
Mat nidx,
int normType,
int K)
batchDistance
public static void batchDistance(Mat src1,
Mat src2,
Mat dist,
int dtype,
Mat nidx,
int normType,
int K,
Mat mask,
int update,
boolean crosscheck)
bitwise_and
public static void bitwise_and(Mat src1,
Mat src2,
Mat dst)
bitwise_and
public static void bitwise_and(Mat src1,
Mat src2,
Mat dst,
Mat mask)
bitwise_not
public static void bitwise_not(Mat src,
Mat dst)
bitwise_not
public static void bitwise_not(Mat src,
Mat dst,
Mat mask)
bitwise_or
public static void bitwise_or(Mat src1,
Mat src2,
Mat dst)
bitwise_or
public static void bitwise_or(Mat src1,
Mat src2,
Mat dst,
Mat mask)
bitwise_xor
public static void bitwise_xor(Mat src1,
Mat src2,
Mat dst)
bitwise_xor
public static void bitwise_xor(Mat src1,
Mat src2,
Mat dst,
Mat mask)
borderInterpolate
public static int borderInterpolate(int p,
int len,
int borderType)
calcCovarMatrix
public static void calcCovarMatrix(Mat samples,
Mat covar,
Mat mean,
int flags)
calcCovarMatrix
public static void calcCovarMatrix(Mat samples,
Mat covar,
Mat mean,
int flags,
int ctype)
cartToPolar
public static void cartToPolar(Mat x,
Mat y,
Mat magnitude,
Mat angle)
cartToPolar
public static void cartToPolar(Mat x,
Mat y,
Mat magnitude,
Mat angle,
boolean angleInDegrees)
checkRange
public static boolean checkRange(Mat a)
checkRange
public static boolean checkRange(Mat a,
boolean quiet,
double minVal,
double maxVal)
compare
public static void compare(Mat src1,
Mat src2,
Mat dst,
int cmpop)
compare
public static void compare(Mat src1,
Scalar src2,
Mat dst,
int cmpop)
completeSymm
public static void completeSymm(Mat mtx)
completeSymm
public static void completeSymm(Mat mtx,
boolean lowerToUpper)
convertScaleAbs
public static void convertScaleAbs(Mat src,
Mat dst)
convertScaleAbs
public static void convertScaleAbs(Mat src,
Mat dst,
double alpha,
double beta)
copyMakeBorder
public static void copyMakeBorder(Mat src,
Mat dst,
int top,
int bottom,
int left,
int right,
int borderType)
copyMakeBorder
public static void copyMakeBorder(Mat src,
Mat dst,
int top,
int bottom,
int left,
int right,
int borderType,
Scalar value)
countNonZero
public static int countNonZero(Mat src)
cubeRoot
public static float cubeRoot(float val)
dct
public static void dct(Mat src,
Mat dst)
dct
public static void dct(Mat src,
Mat dst,
int flags)
determinant
public static double determinant(Mat mtx)
dft
public static void dft(Mat src,
Mat dst)
dft
public static void dft(Mat src,
Mat dst,
int flags,
int nonzeroRows)
divide
public static void divide(double scale,
Mat src2,
Mat dst)
divide
public static void divide(double scale,
Mat src2,
Mat dst,
int dtype)
divide
public static void divide(Mat src1,
Mat src2,
Mat dst)
divide
public static void divide(Mat src1,
Mat src2,
Mat dst,
double scale)
divide
public static void divide(Mat src1,
Mat src2,
Mat dst,
double scale,
int dtype)
divide
public static void divide(Mat src1,
Scalar src2,
Mat dst)
divide
public static void divide(Mat src1,
Scalar src2,
Mat dst,
double scale)
divide
public static void divide(Mat src1,
Scalar src2,
Mat dst,
double scale,
int dtype)
eigen
public static boolean eigen(Mat src,
Mat eigenvalues)
eigen
public static boolean eigen(Mat src,
Mat eigenvalues,
Mat eigenvectors)
exp
public static void exp(Mat src,
Mat dst)
extractChannel
public static void extractChannel(Mat src,
Mat dst,
int coi)
fastAtan2
public static float fastAtan2(float y,
float x)
findNonZero
public static void findNonZero(Mat src,
Mat idx)
flip
public static void flip(Mat src,
Mat dst,
int flipCode)
gemm
public static void gemm(Mat src1,
Mat src2,
double alpha,
Mat src3,
double beta,
Mat dst)
gemm
public static void gemm(Mat src1,
Mat src2,
double alpha,
Mat src3,
double beta,
Mat dst,
int flags)
getBuildInformation
public static java.lang.String getBuildInformation()
getCPUTickCount
public static long getCPUTickCount()
getNumberOfCPUs
public static int getNumberOfCPUs()
getOptimalDFTSize
public static int getOptimalDFTSize(int vecsize)
getTickCount
public static long getTickCount()
getTickFrequency
public static double getTickFrequency()
hconcat
public static void hconcat(java.util.List<Mat> src,
Mat dst)
idct
public static void idct(Mat src,
Mat dst)
idct
public static void idct(Mat src,
Mat dst,
int flags)
idft
public static void idft(Mat src,
Mat dst)
idft
public static void idft(Mat src,
Mat dst,
int flags,
int nonzeroRows)
inRange
public static void inRange(Mat src,
Scalar lowerb,
Scalar upperb,
Mat dst)
insertChannel
public static void insertChannel(Mat src,
Mat dst,
int coi)
invert
public static double invert(Mat src,
Mat dst)
invert
public static double invert(Mat src,
Mat dst,
int flags)
kmeans
public static double kmeans(Mat data,
int K,
Mat bestLabels,
TermCriteria criteria,
int attempts,
int flags)
kmeans
public static double kmeans(Mat data,
int K,
Mat bestLabels,
TermCriteria criteria,
int attempts,
int flags,
Mat centers)
log
public static void log(Mat src,
Mat dst)
LUT
public static void LUT(Mat src,
Mat lut,
Mat dst)
magnitude
public static void magnitude(Mat x,
Mat y,
Mat magnitude)
Mahalanobis
public static double Mahalanobis(Mat v1,
Mat v2,
Mat icovar)
max
public static void max(Mat src1,
Mat src2,
Mat dst)
max
public static void max(Mat src1,
Scalar src2,
Mat dst)
mean
public static Scalar mean(Mat src)
mean
public static Scalar mean(Mat src,
Mat mask)
meanStdDev
public static void meanStdDev(Mat src,
MatOfDouble mean,
MatOfDouble stddev)
meanStdDev
public static void meanStdDev(Mat src,
MatOfDouble mean,
MatOfDouble stddev,
Mat mask)
merge
public static void merge(java.util.List<Mat> mv,
Mat dst)
min
public static void min(Mat src1,
Mat src2,
Mat dst)
min
public static void min(Mat src1,
Scalar src2,
Mat dst)
minMaxLoc
public static Core.MinMaxLocResult minMaxLoc(Mat src)
minMaxLoc
public static Core.MinMaxLocResult minMaxLoc(Mat src,
Mat mask)
mixChannels
public static void mixChannels(java.util.List<Mat> src,
java.util.List<Mat> dst,
MatOfInt fromTo)
mulSpectrums
public static void mulSpectrums(Mat a,
Mat b,
Mat c,
int flags)
mulSpectrums
public static void mulSpectrums(Mat a,
Mat b,
Mat c,
int flags,
boolean conjB)
multiply
public static void multiply(Mat src1,
Mat src2,
Mat dst)
multiply
public static void multiply(Mat src1,
Mat src2,
Mat dst,
double scale)
multiply
public static void multiply(Mat src1,
Mat src2,
Mat dst,
double scale,
int dtype)
multiply
public static void multiply(Mat src1,
Scalar src2,
Mat dst)
multiply
public static void multiply(Mat src1,
Scalar src2,
Mat dst,
double scale)
multiply
public static void multiply(Mat src1,
Scalar src2,
Mat dst,
double scale,
int dtype)
mulTransposed
public static void mulTransposed(Mat src,
Mat dst,
boolean aTa)
mulTransposed
public static void mulTransposed(Mat src,
Mat dst,
boolean aTa,
Mat delta,
double scale)
mulTransposed
public static void mulTransposed(Mat src,
Mat dst,
boolean aTa,
Mat delta,
double scale,
int dtype)
norm
public static double norm(Mat src1)
norm
public static double norm(Mat src1,
int normType)
norm
public static double norm(Mat src1,
int normType,
Mat mask)
norm
public static double norm(Mat src1,
Mat src2)
norm
public static double norm(Mat src1,
Mat src2,
int normType)
norm
public static double norm(Mat src1,
Mat src2,
int normType,
Mat mask)
normalize
public static void normalize(Mat src,
Mat dst)
normalize
public static void normalize(Mat src,
Mat dst,
double alpha,
double beta,
int norm_type)
normalize
public static void normalize(Mat src,
Mat dst,
double alpha,
double beta,
int norm_type,
int dtype)
normalize
public static void normalize(Mat src,
Mat dst,
double alpha,
double beta,
int norm_type,
int dtype,
Mat mask)
patchNaNs
public static void patchNaNs(Mat a)
patchNaNs
public static void patchNaNs(Mat a,
double val)
PCABackProject
public static void PCABackProject(Mat data,
Mat mean,
Mat eigenvectors,
Mat result)
PCACompute
public static void PCACompute(Mat data,
Mat mean,
Mat eigenvectors)
PCACompute
public static void PCACompute(Mat data,
Mat mean,
Mat eigenvectors,
double retainedVariance)
PCACompute
public static void PCACompute(Mat data,
Mat mean,
Mat eigenvectors,
int maxComponents)
PCAProject
public static void PCAProject(Mat data,
Mat mean,
Mat eigenvectors,
Mat result)
perspectiveTransform
public static void perspectiveTransform(Mat src,
Mat dst,
Mat m)
phase
public static void phase(Mat x,
Mat y,
Mat angle)
phase
public static void phase(Mat x,
Mat y,
Mat angle,
boolean angleInDegrees)
polarToCart
public static void polarToCart(Mat magnitude,
Mat angle,
Mat x,
Mat y)
polarToCart
public static void polarToCart(Mat magnitude,
Mat angle,
Mat x,
Mat y,
boolean angleInDegrees)
pow
public static void pow(Mat src,
double power,
Mat dst)
PSNR
public static double PSNR(Mat src1,
Mat src2)
randn
public static void randn(Mat dst,
double mean,
double stddev)
randShuffle
public static void randShuffle(Mat dst)
randShuffle
public static void randShuffle(Mat dst,
double iterFactor)
randu
public static void randu(Mat dst,
double low,
double high)
reduce
public static void reduce(Mat src,
Mat dst,
int dim,
int rtype)
reduce
public static void reduce(Mat src,
Mat dst,
int dim,
int rtype,
int dtype)
repeat
public static void repeat(Mat src,
int ny,
int nx,
Mat dst)
scaleAdd
public static void scaleAdd(Mat src1,
double alpha,
Mat src2,
Mat dst)
setErrorVerbosity
public static void setErrorVerbosity(boolean verbose)
setIdentity
public static void setIdentity(Mat mtx)
setIdentity
public static void setIdentity(Mat mtx,
Scalar s)
solve
public static boolean solve(Mat src1,
Mat src2,
Mat dst)
solve
public static boolean solve(Mat src1,
Mat src2,
Mat dst,
int flags)
solveCubic
public static int solveCubic(Mat coeffs,
Mat roots)
solvePoly
public static double solvePoly(Mat coeffs,
Mat roots)
solvePoly
public static double solvePoly(Mat coeffs,
Mat roots,
int maxIters)
sort
public static void sort(Mat src,
Mat dst,
int flags)
sortIdx
public static void sortIdx(Mat src,
Mat dst,
int flags)
split
public static void split(Mat m,
java.util.List<Mat> mv)
sqrt
public static void sqrt(Mat src,
Mat dst)
subtract
public static void subtract(Mat src1,
Mat src2,
Mat dst)
subtract
public static void subtract(Mat src1,
Mat src2,
Mat dst,
Mat mask)
subtract
public static void subtract(Mat src1,
Mat src2,
Mat dst,
Mat mask,
int dtype)
subtract
public static void subtract(Mat src1,
Scalar src2,
Mat dst)
subtract
public static void subtract(Mat src1,
Scalar src2,
Mat dst,
Mat mask)
subtract
public static void subtract(Mat src1,
Scalar src2,
Mat dst,
Mat mask,
int dtype)
sumElems
public static Scalar sumElems(Mat src)
SVBackSubst
public static void SVBackSubst(Mat w,
Mat u,
Mat vt,
Mat rhs,
Mat dst)
SVDecomp
public static void SVDecomp(Mat src,
Mat w,
Mat u,
Mat vt)
SVDecomp
public static void SVDecomp(Mat src,
Mat w,
Mat u,
Mat vt,
int flags)
trace
public static Scalar trace(Mat mtx)
transform
public static void transform(Mat src,
Mat dst,
Mat m)
transpose
public static void transpose(Mat src,
Mat dst)
vconcat
public static void vconcat(java.util.List<Mat> src,
Mat dst)