/external/opencv3/modules/calib3d/include/opencv2/calib3d/ |
D | calib3d_c.h | 80 CVAPI(void) cvConvertPointsHomogeneous( const CvMat* src, CvMat* dst ); 102 CVAPI(int) cvFindFundamentalMat( const CvMat* points1, const CvMat* points2, 103 CvMat* fundamental_matrix, 106 CvMat* status CV_DEFAULT(NULL) ); 111 CVAPI(void) cvComputeCorrespondEpilines( const CvMat* points, 113 const CvMat* fundamental_matrix, 114 CvMat* correspondent_lines ); 118 CVAPI(void) cvTriangulatePoints(CvMat* projMatr1, CvMat* projMatr2, 119 CvMat* projPoints1, CvMat* projPoints2, 120 CvMat* points4D); [all …]
|
/external/opencv/ml/include/ |
D | ml.h | 244 CvNormalBayesClassifier( const CvMat* _train_data, const CvMat* _responses, 245 const CvMat* _var_idx=0, const CvMat* _sample_idx=0 ); 247 virtual bool train( const CvMat* _train_data, const CvMat* _responses, 248 const CvMat* _var_idx = 0, const CvMat* _sample_idx=0, bool update=false ); 250 virtual float predict( const CvMat* _samples, CvMat* results=0 ) const; 258 CvMat* var_idx; 259 CvMat* cls_labels; 260 CvMat** count; 261 CvMat** sum; 262 CvMat** productsum; [all …]
|
/external/opencv3/apps/traincascade/ |
D | old_ml.hpp | 197 CvNormalBayesClassifier( const CvMat* trainData, const CvMat* responses, 198 const CvMat* varIdx=0, const CvMat* sampleIdx=0 ); 200 virtual bool train( const CvMat* trainData, const CvMat* responses, 201 const CvMat* varIdx = 0, const CvMat* sampleIdx=0, bool update=false ); 203 …virtual float predict( const CvMat* samples, CV_OUT CvMat* results=0, CV_OUT CvMat* results_prob=0… 218 CvMat* var_idx; 219 CvMat* cls_labels; 220 CvMat** count; 221 CvMat** sum; 222 CvMat** productsum; [all …]
|
D | old_ml_precomp.hpp | 224 CvMat a, b; \ 252 CvMat* icvGenerateRandomClusterCenters( int seed, 253 const CvMat* data, 255 CvMat* centers CV_DEFAULT(0)); 262 void icvFindClusterLabels( const CvMat* probs, float outlier_thresh, float r, 263 const CvMat* labels ); 284 const CvMat* train_data, int tflag, 285 const CvMat* responses, int response_type, 286 const CvMat* var_idx, 287 const CvMat* sample_idx, [all …]
|
/external/opencv/ml/src/ |
D | _ml.h | 228 CvMat a, b; \ 256 CvMat* icvGenerateRandomClusterCenters( int seed, 257 const CvMat* data, 259 CvMat* centers CV_DEFAULT(0)); 266 void icvFindClusterLabels( const CvMat* probs, float outlier_thresh, float r, 267 const CvMat* labels ); 288 const CvMat* train_data, int tflag, 289 const CvMat* responses, int response_type, 290 const CvMat* var_idx, 291 const CvMat* sample_idx, [all …]
|
D | mlcnn.cpp | 50 const CvMat* image, 51 CvMat* probs CV_DEFAULT(0) ); 54 CvStatModel* cnn_model, const CvMat* images, int tflag, 55 const CvMat* responses, const CvStatModelParams* params, 56 const CvMat* CV_DEFAULT(0), const CvMat* sample_idx CV_DEFAULT(0), 57 const CvMat* CV_DEFAULT(0), const CvMat* CV_DEFAULT(0)); 63 const CvMat* responses, 64 const CvMat* etalons, 81 static void icvCNNConvolutionForward( CvCNNLayer* layer, const CvMat* X, CvMat* Y ); 84 const CvMat* X, const CvMat* dE_dY, CvMat* dE_dX ); [all …]
|
D | mlrtrees.cpp | 56 const CvMat* _subsample_idx, in train() 80 CvForestTree::train( const CvMat*, int, const CvMat*, const CvMat*, in train() argument 81 const CvMat*, const CvMat*, const CvMat*, CvDTreeParams ) in train() 89 CvForestTree::train( CvDTreeTrainData*, const CvMat* ) in train() argument 104 CvMat* active_var_mask = 0; in find_best_split() 220 CvMat* CvRTrees::get_active_var_mask() in get_active_var_mask() 231 bool CvRTrees::train( const CvMat* _train_data, int _tflag, in train() 232 const CvMat* _responses, const CvMat* _var_idx, in train() 233 const CvMat* _sample_idx, const CvMat* _var_type, in train() 234 const CvMat* _missing_mask, CvRTParams params ) in train() [all …]
|
/external/opencv/cv/include/ |
D | cv.h | 89 CVAPI(void) cvFilter2D( const CvArr* src, CvArr* dst, const CvMat* kernel, in LOAD_CHDL() 114 CVAPI(CvMat**) cvCreatePyramid( const CvArr* img, int extra_layers, double rate, in LOAD_CHDL() 121 CVAPI(void) cvReleasePyramid( CvMat*** pyramid, int extra_layers ); in LOAD_CHDL() 273 CVAPI(void) cvWarpAffine( const CvArr* src, CvArr* dst, const CvMat* map_matrix, in LOAD_CHDL() 278 CVAPI(CvMat*) cvGetAffineTransform( const CvPoint2D32f * src, in LOAD_CHDL() 280 CvMat * map_matrix ); in LOAD_CHDL() 283 CVAPI(CvMat*) cv2DRotationMatrix( CvPoint2D32f center, double angle, in LOAD_CHDL() 284 double scale, CvMat* map_matrix ); in LOAD_CHDL() 287 CVAPI(void) cvWarpPerspective( const CvArr* src, CvArr* dst, const CvMat* map_matrix, in LOAD_CHDL() 292 CVAPI(CvMat*) cvGetPerspectiveTransform( const CvPoint2D32f* src, in LOAD_CHDL() [all …]
|
D | cv.hpp | 105 virtual int process( const CvMat* _src, CvMat* _dst, 169 const CvMat* _kx, const CvMat* _ky, 176 const CvMat* _kx, const CvMat* _ky, 193 const CvMat* get_x_kernel() const { return kx; } in get_x_kernel() 194 const CvMat* get_y_kernel() const { return ky; } in get_y_kernel() 201 static void init_gaussian_kernel( CvMat* kernel, double sigma=-1 ); 202 static void init_sobel_kernel( CvMat* _kx, CvMat* _ky, int dx, int dy, int flags=0 ); 203 static void init_scharr_kernel( CvMat* _kx, CvMat* _ky, int dx, int dy, int flags=0 ); 206 CvMat *kx, *ky; 217 const CvMat* _kernel, [all …]
|
D | cvcompat.h | 63 #define CvMatArray CvMat 110 CV_INLINE CvMat cvMatArray( int rows, int cols, int type, 153 CV_INLINE void cvmPerspectiveProject( const CvMat* mat, const CvArr* src, CvArr* dst ) in cvmPerspectiveProject() 155 CvMat tsrc, tdst; in cvmPerspectiveProject() 250 CvMat mat = cvMat( 1, len, CV_32F, (void*)dst ); in cvbRand() 258 CvMat mx = cvMat( 1, len, CV_32F, (void*)x ); in cvbCartToPolar() 259 CvMat my = mx; in cvbCartToPolar() 260 CvMat mm = mx; in cvbCartToPolar() 261 CvMat ma = mx; in cvbCartToPolar() 274 CvMat mx = cvMat( 1, len, CV_32F, (void*)x ); in cvbFastArctan() [all …]
|
D | cvtypes.h | 292 CvMat* state_pre; /* predicted state (x'(k)): 294 CvMat* state_post; /* corrected state (x(k)): 296 CvMat* transition_matrix; /* state transition matrix (A) */ 297 CvMat* control_matrix; /* control matrix (B) 299 CvMat* measurement_matrix; /* measurement matrix (H) */ 300 CvMat* process_noise_cov; /* process noise covariance matrix (Q) */ 301 CvMat* measurement_noise_cov; /* measurement noise covariance matrix (R) */ 302 CvMat* error_cov_pre; /* priori error estimate covariance matrix (P'(k)): 304 CvMat* gain; /* Kalman gain matrix (K(k)): 306 CvMat* error_cov_post; /* posteriori error estimate covariance matrix (P(k)): [all …]
|
/external/opencv/cvaux/src/ |
D | cvtrifocal.cpp | 58 void cvOptimizeLevenbergMarquardtBundle( CvMat** projMatrs, CvMat** observProjPoints, 59 CvMat** pointsPres, int numImages, 60 … CvMat** resultProjMatrs, CvMat* resultPoints4D,int maxIter,double epsilon ); 62 int icvComputeProjectMatrices6Points( CvMat* points1,CvMat* points2,CvMat* points3, 63 CvMat* projMatr1,CvMat* projMatr2,CvMat* projMatr3); 65 void icvFindBaseTransform(CvMat* points,CvMat* resultT); 67 void GetGeneratorReduceFundSolution(CvMat* points1,CvMat* points2,CvMat* fundReduceCoef1,CvMat* fun… 69 int GetGoodReduceFundamMatrFromTwo(CvMat* fundReduceCoef1,CvMat* fundReduceCoef2,CvMat* resFundRedu… 71 void GetProjMatrFromReducedFundamental(CvMat* fundReduceCoefs,CvMat* projMatrCoefs); 73 void icvComputeProjectMatrix(CvMat* objPoints,CvMat* projPoints,CvMat* projMatr); [all …]
|
D | cvlevmarprojbandle.cpp | 51 …icvReconstructPoints4DStatus(CvMat** projPoints, CvMat **projMatrs, CvMat** presPoints, CvMat *poi… 70 void icvComputeDerivateProj(CvMat *points4D,CvMat *projMatr, CvMat *status, CvMat *derivProj) in icvComputeDerivateProj() 204 void icvComputeDerivateProjAll(CvMat *points4D, CvMat **projMatrs, CvMat **pointPres, int numImages… in icvComputeDerivateProjAll() 231 void icvComputeDerivatePoints(CvMat *points4D,CvMat *projMatr, CvMat *presPoints, CvMat *derivPoint) in icvComputeDerivatePoints() 341 void icvComputeDerivatePointsAll(CvMat *points4D, CvMat **projMatrs, CvMat **pointPres, int numImag… in icvComputeDerivatePointsAll() 367 void icvComputeMatrixVAll(int numImages,CvMat **pointDeriv,CvMat **presPoints, CvMat **matrV) in icvComputeMatrixVAll() 436 void icvComputeMatrixUAll(int numImages,CvMat **projDeriv,CvMat** matrU) in icvComputeMatrixUAll() 463 void icvComputeMatrixW(int numImages, CvMat **projDeriv, CvMat **pointDeriv, CvMat **presPoints, Cv… in icvComputeMatrixW() 565 void icvComputeJacErrorProj(int numImages,CvMat **projDeriv,CvMat **projErrors,CvMat *jacProjErr ) in icvComputeJacErrorProj() 632 void icvComputeJacErrorPoint(int numImages,CvMat **pointDeriv,CvMat **projErrors, CvMat **presPoint… in icvComputeJacErrorPoint() [all …]
|
D | cvlevmar.cpp | 52 typedef void (*pointer_LMJac)( const CvMat* src, CvMat* dst ); 53 typedef void (*pointer_LMFunc)( const CvMat* src, CvMat* dst ); 59 CvMat *X0,CvMat *observRes,CvMat *resultX, in cvLevenbergMarquardtOptimization() 68 CvMat *vectX = 0; in cvLevenbergMarquardtOptimization() 69 CvMat *vectNewX = 0; in cvLevenbergMarquardtOptimization() 70 CvMat *resFunc = 0; in cvLevenbergMarquardtOptimization() 71 CvMat *resNewFunc = 0; in cvLevenbergMarquardtOptimization() 72 CvMat *error = 0; in cvLevenbergMarquardtOptimization() 73 CvMat *errorNew = 0; in cvLevenbergMarquardtOptimization() 74 CvMat *Jac = 0; in cvLevenbergMarquardtOptimization() [all …]
|
D | cvcorrimages.cpp | 56 int icvCreateFeaturePoints(IplImage *image, CvMat *points, CvMat *status) in icvCreateFeaturePoints() 180 CvMat *points1, in icvFindCorrForGivenPoints() 181 CvMat *pntStatus1, in icvFindCorrForGivenPoints() 182 CvMat *points2, in icvFindCorrForGivenPoints() 183 CvMat *pntStatus2, in icvFindCorrForGivenPoints() 192 CvMat* tmpPoints1 = 0; in icvFindCorrForGivenPoints() 193 CvMat* tmpPoints2 = 0; in icvFindCorrForGivenPoints() 194 CvMat* pStatus = 0; in icvFindCorrForGivenPoints() 393 CvMat fundMatr; in icvFindCorrForGivenPoints() 439 int icvGrowPointsAndStatus(CvMat **oldPoints,CvMat **oldStatus,CvMat *addPoints,CvMat *addStatus,in… in icvGrowPointsAndStatus() [all …]
|
D | cvlevmartrif.cpp | 51 typedef void (*pointer_LMJac)( const CvMat* src, CvMat* dst ); 52 typedef void (*pointer_LMFunc)( const CvMat* src, CvMat* dst ); 57 CvMat *X0,CvMat *observRes,CvMat *resultX, 60 void icvReconstructPointsFor3View( CvMat* projMatr1,CvMat* projMatr2,CvMat* projMatr3, 61 CvMat* projPoints1,CvMat* projPoints2,CvMat* projPoints3, 62 CvMat* points4D); 66 void icvJacobianFunction_ProjTrifocal(const CvMat *vectX,CvMat *Jacobian) in icvJacobianFunction_ProjTrifocal() 166 void icvFunc_ProjTrifocal(const CvMat *vectX, CvMat *resFunc) in icvFunc_ProjTrifocal() 211 CvMat projMatrs[3]; in icvFunc_ProjTrifocal() 217 CvMat point3D; in icvFunc_ProjTrifocal() [all …]
|
/external/opencv3/modules/video/include/opencv2/video/ |
D | tracking_c.h | 99 CvMat* M, int full_affine ); 184 CvMat* state_pre; /* predicted state (x'(k)): 186 CvMat* state_post; /* corrected state (x(k)): 188 CvMat* transition_matrix; /* state transition matrix (A) */ 189 CvMat* control_matrix; /* control matrix (B) 191 CvMat* measurement_matrix; /* measurement matrix (H) */ 192 CvMat* process_noise_cov; /* process noise covariance matrix (Q) */ 193 CvMat* measurement_noise_cov; /* measurement noise covariance matrix (R) */ 194 CvMat* error_cov_pre; /* priori error estimate covariance matrix (P'(k)): 196 CvMat* gain; /* Kalman gain matrix (K(k)): [all …]
|
/external/opencv3/modules/calib3d/test/ |
D | test_cameracalibration_badarg.cpp | 69 CvMat* objPts; 70 CvMat* imgPts; 71 CvMat* npoints; 73 CvMat *cameraMatrix; 74 CvMat *distCoeffs; 75 CvMat *rvecs; 76 CvMat *tvecs; 102 CvMat objPts, imgPts, npoints, cameraMatrix, distCoeffs, rvecs, tvecs; in run() 103 Mat zeros(1, sizeof(CvMat), CV_8U, Scalar(0)); in run() 184 CvMat bad_npts_c1 = bad_nts_cpp1; in run() [all …]
|
D | test_undistort_badarg.cpp | 61 CvMat* _camera_mat; 62 CvMat* matR; 63 CvMat* matP; 64 CvMat* _distortion_coeffs; 65 CvMat* _src_points; 66 CvMat* _dst_points; 115 CvMat _camera_mat_orig = cvMat(3,3,CV_64F,cam); in run() 116 CvMat _distortion_coeffs_orig = cvMat(1,4,CV_64F,dist); in run() 117 CvMat _P_orig = cvMat(3,3,CV_64F,p); in run() 118 CvMat _R_orig = cvMat(3,3,CV_64F,r); in run() [all …]
|
D | test_modelest.cpp | 55 virtual int runKernel( const CvMat*, const CvMat*, CvMat* ); 56 virtual void computeReprojError( const CvMat*, const CvMat*, 57 const CvMat*, CvMat* ); 59 bool checkSubsetPublic( const CvMat* ms1, int count, bool checkPartialSubset ); 67 int BareModelEstimator::runKernel( const CvMat*, const CvMat*, CvMat* ) 72 void BareModelEstimator::computeReprojError( const CvMat*, const CvMat*, 73 const CvMat*, CvMat* ) 77 bool BareModelEstimator::checkSubsetPublic( const CvMat* ms1, int count, bool checkPartialSubset ) 219 CvMat _input = input;
|
/external/opencv/cv/src/ |
D | cvfundam.cpp | 63 virtual int runKernel( const CvMat* m1, const CvMat* m2, CvMat* model )=0; 64 virtual bool runLMeDS( const CvMat* m1, const CvMat* m2, CvMat* model, 65 CvMat* mask, double confidence=0.99, int maxIters=1000 ); 66 virtual bool runRANSAC( const CvMat* m1, const CvMat* m2, CvMat* model, 67 CvMat* mask, double threshold, 69 virtual bool refine( const CvMat*, const CvMat*, CvMat*, int ) { return true; } in refine() argument 73 virtual void computeReprojError( const CvMat* m1, const CvMat* m2, 74 const CvMat* model, CvMat* error ) = 0; 75 virtual int findInliers( const CvMat* m1, const CvMat* m2, 76 const CvMat* model, CvMat* error, [all …]
|
D | cvcalibration.cpp | 121 bool CvLevMarq::update( const CvMat*& _param, CvMat*& _J, CvMat*& _err ) in update() 189 bool CvLevMarq::updateAlt( const CvMat*& _param, CvMat*& _JtJ, CvMat*& _JtErr, double*& _errNorm ) in updateAlt() 283 cvCalcMatMulDeriv( const CvMat* A, const CvMat* B, CvMat* dABdA, CvMat* dABdB ) in cvCalcMatMulDeriv() 378 cvComposeRT( const CvMat* _rvec1, const CvMat* _tvec1, in cvComposeRT() 379 const CvMat* _rvec2, const CvMat* _tvec2, in cvComposeRT() 380 CvMat* _rvec3, CvMat* _tvec3, in cvComposeRT() 381 CvMat* dr3dr1, CvMat* dr3dt1, in cvComposeRT() 382 CvMat* dr3dr2, CvMat* dr3dt2, in cvComposeRT() 383 CvMat* dt3dr1, CvMat* dt3dt1, in cvComposeRT() 384 CvMat* dt3dr2, CvMat* dt3dt2 ) in cvComposeRT() [all …]
|
D | cvkdtree.cpp | 61 CvMat* mat; 62 deref(CvMat* _mat) : mat(_mat) { in deref() 79 CvMat* mat; 83 void find_nn(CvMat* d, int k, int emax, CvMat* results, CvMat* dist) { in find_nn() 118 int find_ortho_range(CvMat* bounds_min, CvMat* bounds_max, in find_ortho_range() 119 CvMat* results) { in find_ortho_range() 135 CvFeatureTree(CvMat* _mat) : mat(_mat) { in CvFeatureTree() 162 void find_nn(CvMat* d, int k, int emax, CvMat* results, CvMat* dist) { in find_nn() 170 int find_ortho_range(CvMat* bounds_min, CvMat* bounds_max, in find_ortho_range() 171 CvMat* results) { in find_ortho_range() [all …]
|
/external/opencv3/modules/calib3d/src/ |
D | epnp.h | 44 void fill_M(CvMat * M, const int row, const double * alphas, const double u, const double v); 50 void find_betas_approx_1(const CvMat * L_6x10, const CvMat * Rho, double * betas); 51 void find_betas_approx_2(const CvMat * L_6x10, const CvMat * Rho, double * betas); 52 void find_betas_approx_3(const CvMat * L_6x10, const CvMat * Rho, double * betas); 53 void qr_solve(CvMat * A, CvMat * b, CvMat * X); 61 void gauss_newton(const CvMat * L_6x10, const CvMat * Rho, double current_betas[4]); 63 const double cb[4], CvMat * A, CvMat * b);
|
D | calibration.cpp | 61 CV_IMPL void cvCalcMatMulDeriv( const CvMat* A, const CvMat* B, CvMat* dABdA, CvMat* dABdB ) in cvCalcMatMulDeriv() 149 CV_IMPL void cvComposeRT( const CvMat* _rvec1, const CvMat* _tvec1, in cvComposeRT() 150 const CvMat* _rvec2, const CvMat* _tvec2, in cvComposeRT() 151 CvMat* _rvec3, CvMat* _tvec3, in cvComposeRT() 152 CvMat* dr3dr1, CvMat* dr3dt1, in cvComposeRT() 153 CvMat* dr3dr2, CvMat* dr3dt2, in cvComposeRT() 154 CvMat* dt3dr1, CvMat* dt3dt1, in cvComposeRT() 155 CvMat* dt3dr2, CvMat* dt3dt2 ) in cvComposeRT() 159 CvMat r1 = cvMat(3,1,CV_64F,_r1), r2 = cvMat(3,1,CV_64F,_r2); in cvComposeRT() 160 CvMat R1 = cvMat(3,3,CV_64F,_R1), R2 = cvMat(3,3,CV_64F,_R2); in cvComposeRT() [all …]
|