/external/opencv3/modules/imgproc/src/ |
D | min_enclosing_triangle.cpp | 107 static void advanceBToRightChain(const std::vector<cv::Point2f> &polygon, 113 static double angleOfLineWrtOxAxis(const cv::Point2f &a, const cv::Point2f &b); 115 static bool areEqualPoints(const cv::Point2f &point1, const cv::Point2f &point2); 124 double sideCExtraParam, cv::Point2f &intersectionPoint1, 125 cv::Point2f &intersectionPoint2); 127 static bool areOnTheSameSideOfLine(const cv::Point2f &p1, const cv::Point2f &p2, 128 const cv::Point2f &a, const cv::Point2f &b); 130 static double areaOfTriangle(const cv::Point2f &a, const cv::Point2f &b, const cv::Point2f &c); 132 static void copyResultingTriangle(const std::vector<cv::Point2f> &resultingTriangle, cv::OutputArra… 134 static void createConvexHull(cv::InputArray points, std::vector<cv::Point2f> &polygon); [all …]
|
D | geometry.cpp | 91 cv::RotatedRect(box).points((cv::Point2f*)pt); in cvBoxPoints() 95 double cv::pointPolygonTest( InputArray _contour, Point2f pt, bool measureDist ) in pointPolygonTest() 111 const Point2f* cntf = (const Point2f*)cnt; in pointPolygonTest() 146 Point2f v0, v; in pointPolygonTest() 272 static int areaSign( Point2f a, Point2f b, Point2f c ) in areaSign() 283 static bool between( Point2f a, Point2f b, Point2f c ) in between() 285 Point2f ba, ca; in between() 296 static char parallelInt( Point2f a, Point2f b, Point2f c, Point2f d, Point2f& p, Point2f& q ) in parallelInt() 330 static char segSegInt( Point2f a, Point2f b, Point2f c, Point2f d, Point2f& p, Point2f& q ) in segSegInt() 370 static tInFlag inOut( Point2f p, tInFlag inflag, int aHB, int bHA, Point2f*& result ) in inOut() [all …]
|
D | subdivision2d.cpp | 69 int Subdiv2D::edgeOrg(int edge, CV_OUT Point2f* orgpt) const in edgeOrg() 81 int Subdiv2D::edgeDst(int edge, CV_OUT Point2f* dstpt) const in edgeDst() 94 Point2f Subdiv2D::getVertex(int vertex, CV_OUT int* firstEdge) const in getVertex() 150 Subdiv2D::Vertex::Vertex(Point2f _pt, bool _isvirtual, int _firstEdge) in Vertex() 213 static double triangleArea( Point2f a, Point2f b, Point2f c ) in triangleArea() 218 int Subdiv2D::isRightOf(Point2f pt, int edge) const in isRightOf() 220 Point2f org, dst; in isRightOf() 254 int Subdiv2D::newPoint(Point2f pt, bool isvirtual, int firstEdge) in newPoint() 276 int Subdiv2D::locate(Point2f pt, int& _edge, int& _vertex) in locate() 353 Point2f org_pt, dst_pt; in locate() [all …]
|
D | shapedescr.cpp | 60 static bool findCircle( Point2f pt0, Point2f pt1, Point2f pt2, in findCircle() 61 Point2f* center, float* radius ) in findCircle() 87 static double pointInCircle( Point2f pt, Point2f center, float radius ) in pointInCircle() 95 static int findEnslosingCicle4pts_32f( Point2f* pts, Point2f& _center, float& _radius ) in findEnslosingCicle4pts_32f() 102 Point2f center; in findEnslosingCicle4pts_32f() 103 Point2f min_center; in findEnslosingCicle4pts_32f() 105 Point2f res_pts[4]; in findEnslosingCicle4pts_32f() 135 center = Point2f( (pts[idxs[0]].x + pts[idxs[1]].x)*0.5f, in findEnslosingCicle4pts_32f() 196 void cv::minEnclosingCircle( InputArray _points, Point2f& _center, float& _radius ) in minEnclosingCircle() 204 Point2f center; in minEnclosingCircle() [all …]
|
D | featureselect.cpp | 175 std::vector<Point2f> corners; in ocl_goodFeaturesToTrack() 187 std::vector<std::vector<Point2f> > grid(grid_width*grid_height); in ocl_goodFeaturesToTrack() 212 std::vector<Point2f> &m = grid[yy * grid_width + xx]; in ocl_goodFeaturesToTrack() 234 grid[y_cell*grid_width + x_cell].push_back(Point2f((float)c.x, (float)c.y)); in ocl_goodFeaturesToTrack() 236 corners.push_back(Point2f((float)c.x, (float)c.y)); in ocl_goodFeaturesToTrack() 250 corners.push_back(Point2f((float)c.x, (float)c.y)); in ocl_goodFeaturesToTrack() 314 std::vector<Point2f> corners; in goodFeaturesToTrack() 327 std::vector<std::vector<Point2f> > grid(grid_width*grid_height); in goodFeaturesToTrack() 356 std::vector <Point2f> &m = grid[yy*grid_width + xx]; in goodFeaturesToTrack() 378 grid[y_cell*grid_width + x_cell].push_back(Point2f((float)x, (float)y)); in goodFeaturesToTrack() [all …]
|
/external/opencv3/modules/calib3d/src/ |
D | circlesgrid.hpp | 65 …void findGrid(const std::vector<cv::Point2f> &points, cv::Size patternSize, std::vector<cv::Point2… 68 …archicalClustering(const std::vector<cv::Point2f> &points, const cv::Size &patternSize, std::vecto… 70 void findCorners(const std::vector<cv::Point2f> &hull2f, std::vector<cv::Point2f> &corners); 71 …void findOutsideCorners(const std::vector<cv::Point2f> &corners, std::vector<cv::Point2f> &outside… 72 …vector<cv::Point2f> &hull2f, const std::vector<cv::Point2f> &corners, const std::vector<cv::Point2… 73 …Points(const std::vector<cv::Point2f> &patternPoints, const std::vector<cv::Point2f> &sortedCorner… 74 …s(const std::vector<cv::Point2f> &patternPoints, const std::vector<cv::Point2f> &rectifiedPatternP… 149 CirclesGridFinder(cv::Size patternSize, const std::vector<cv::Point2f> &testKeypoints, 152 …static cv::Mat rectifyGrid(cv::Size detectedGridSize, const std::vector<cv::Point2f>& centers, con… 153 cv::Point2f> &keypoint, std::vector<cv::Point2f> &warpedKeypoints); [all …]
|
D | quadsubpix.cpp | 57 static void orderContours(const std::vector<std::vector<Point> >& contours, Point2f point, std::vec… in orderContours() 67 double dist = norm(Point2f((float)contours[i][j].x, (float)contours[i][j].y) - point); in orderContours() 77 inline void fitCurve2Order(const std::vector<Point2f>& /*points*/, std::vector<float>& /*curve*/) in fitCurve2Order() argument 82 …nst std::vector<float>& /*curve1*/, const std::vector<float>& /*curve2*/, Point2f& /*cross_point*/) in findCurvesCross() argument 86 static void findLinesCrossPoint(Point2f origin1, Point2f dir1, Point2f origin2, Point2f dir2, Point… in findLinesCrossPoint() 89 Point2f offset = origin2 - origin1; in findLinesCrossPoint() 95 static void findCorner(const std::vector<Point2f>& contour, Point2f point, Point2f& corner) in findCorner() 169 Point2f* corners = cornersM.ptr<Point2f>(); in find4QuadCornerSubpix() 215 std::vector<Point2f> quads_approx[4]; in find4QuadCornerSubpix() 216 Point2f quad_corners[4]; in find4QuadCornerSubpix() [all …]
|
D | circlesgrid.cpp | 60 void drawPoints(const std::vector<Point2f> &points, Mat &outImage, int radius = 2, Scalar color = … in drawPoints() 69 …der::hierarchicalClustering(const std::vector<Point2f> &points, const Size &patternSz, std::vector… in hierarchicalClustering() 138 …ClusterFinder::findGrid(const std::vector<cv::Point2f> &points, cv::Size _patternSize, std::vector… in findGrid() 147 std::vector<Point2f> patternPoints; in findGrid() 160 std::vector<Point2f> hull2f; in findGrid() 166 std::vector<Point2f> corners; in findGrid() 171 std::vector<Point2f> outsideCorners, sortedCorners; in findGrid() 183 std::vector<Point2f> rectifiedPatternPoints; in findGrid() 191 …lesGridClusterFinder::findCorners(const std::vector<cv::Point2f> &hull2f, std::vector<cv::Point2f>… in findCorners() 197 Point2f vec1 = hull2f[(i+1) % hull2f.size()] - hull2f[i % hull2f.size()]; in findCorners() [all …]
|
D | fundam.cpp | 53 const Point2f* ptr = m.ptr<Point2f>(); in haveCollinearPoints() 94 const Point2f* src = ms1.ptr<Point2f>(); in checkSubset() 95 const Point2f* dst = ms2.ptr<Point2f>(); in checkSubset() 117 const Point2f* M = m1.ptr<Point2f>(); in runKernel() 118 const Point2f* m = m2.ptr<Point2f>(); in runKernel() 184 const Point2f* M = m1.ptr<Point2f>(); in computeError() 185 const Point2f* m = m2.ptr<Point2f>(); in computeError() 225 const Point2f* M = src.ptr<Point2f>(); in compute() 226 const Point2f* m = dst.ptr<Point2f>(); in compute() 393 compressElems( src.ptr<Point2f>(), tempMask.ptr<uchar>(), 1, npoints ); in findHomography() [all …]
|
/external/opencv3/modules/imgproc/test/ |
D | test_intersection.cpp | 116 vector<Point2f> vertices; in test1() 142 vector<Point2f> vertices; in test2() 149 vector<Point2f> possibleVertices(4); in test2() 151 possibleVertices[0] = Point2f(0.0f, 0.0f); in test2() 152 possibleVertices[1] = Point2f(1.0f, 1.0f); in test2() 153 possibleVertices[2] = Point2f(0.0f, 1.0f); in test2() 154 possibleVertices[3] = Point2f(1.0f, 0.0f); in test2() 190 vector<Point2f> vertices; in test3() 197 vector<Point2f> possibleVertices(3); in test3() 199 possibleVertices[0] = Point2f(1.0f, 1.0f); in test3() [all …]
|
/external/opencv3/modules/video/test/ |
D | test_tvl1optflow.cpp | 59 void writeOpticalFlowToFile(const Mat_<Point2f>& flow, const string& fileName) in writeOpticalFlowToFile() 73 const Point2f u = flow(i, j); in writeOpticalFlowToFile() 84 void readOpticalFlowFromFile(Mat_<Point2f>& flow, const string& fileName) in readOpticalFlowFromFile() 103 Point2f u; in readOpticalFlowFromFile() 113 bool isFlowCorrect(Point2f u) in isFlowCorrect() 118 double calcRMSE(const Mat_<Point2f>& flow1, const Mat_<Point2f>& flow2) in calcRMSE() 127 const Point2f u1 = flow1(i, j); in calcRMSE() 128 const Point2f u2 = flow2(i, j); in calcRMSE() 132 const Point2f diff = u1 - u2; in calcRMSE() 155 Mat_<Point2f> flow; in TEST() [all …]
|
/external/opencv3/modules/shape/src/ |
D | tps_trans.cpp | 105 static float distance(Point2f p, Point2f q) in distance() 107 Point2f diff = p - q; in distance() 115 static Point2f _applyTransformation(const Mat &shapeRef, const Point2f point, const Mat &tpsParamet… in _applyTransformation() 117 Point2f out; in _applyTransformation() 129 distance(Point2f(shapeRef.at<float>(j,0),shapeRef.at<float>(j,1)), in _applyTransformation() 158 … Point2f pt = _applyTransformation(shapeReference, Point2f(float(col), float(row)), tpsParameters); in warpImage() 180 Point2f pt=pts1.at<Point2f>(0,i); in applyTransformation() 181 outMat.at<Point2f>(0,i)=_applyTransformation(shapeReference, pt, tpsParameters); in applyTransformation() 217 Point2f pt1=pts1.at<Point2f>(0,matches[i].queryIdx); in estimateTransformation() 221 Point2f pt2=pts2.at<Point2f>(0,matches[i].trainIdx); in estimateTransformation() [all …]
|
D | aff_trans.cpp | 109 static Mat _localAffineEstimate(const std::vector<Point2f>& shape1, const std::vector<Point2f>& sha… in _localAffineEstimate() 207 std::vector<Point2f> shape1; // transforming shape in estimateTransformation() 208 std::vector<Point2f> shape2; // target shape in estimateTransformation() 211 Point2f pt1=pts1.at<Point2f>(0,matches[i].queryIdx); in estimateTransformation() 214 Point2f pt2=pts2.at<Point2f>(0,matches[i].trainIdx); in estimateTransformation() 243 outMat.at<Point2f>(0,i)=fAffine.at<Point2f>(0,i); in applyTransformation()
|
/external/opencv3/samples/cpp/tutorial_code/ImgTrans/ |
D | Geometric_Transforms_Demo.cpp | 26 Point2f srcTri[3]; in main() 27 Point2f dstTri[3]; in main() 40 srcTri[0] = Point2f( 0,0 ); in main() 41 srcTri[1] = Point2f( src.cols - 1.f, 0 ); in main() 42 srcTri[2] = Point2f( 0, src.rows - 1.f ); in main() 44 dstTri[0] = Point2f( src.cols*0.0f, src.rows*0.33f ); in main() 45 dstTri[1] = Point2f( src.cols*0.85f, src.rows*0.25f ); in main() 46 dstTri[2] = Point2f( src.cols*0.15f, src.rows*0.7f ); in main()
|
/external/opencv3/modules/videostab/src/ |
D | global_motion.cpp | 85 static Mat normalizePoints(int npoints, Point2f *points) in normalizePoints() 121 int npoints, Point2f *points0, Point2f *points1, float *rmse) in estimateGlobMotionLeastSquaresTranslation() 146 int npoints, Point2f *points0, Point2f *points1, float *rmse) in estimateGlobMotionLeastSquaresTranslationAndScale() 153 Point2f p0, p1; in estimateGlobMotionLeastSquaresTranslationAndScale() 182 int npoints, Point2f *points0, Point2f *points1, float *rmse) in estimateGlobMotionLeastSquaresRotation() 184 Point2f p0, p1; in estimateGlobMotionLeastSquaresRotation() 226 int npoints, Point2f *points0, Point2f *points1, float *rmse) in estimateGlobMotionLeastSquaresRigid() 228 Point2f mean0(0.f, 0.f); in estimateGlobMotionLeastSquaresRigid() 229 Point2f mean1(0.f, 0.f); in estimateGlobMotionLeastSquaresRigid() 241 Point2f pt0, pt1; in estimateGlobMotionLeastSquaresRigid() [all …]
|
D | motion_stabilizing.cpp | 570 static inline int areaSign(Point2f a, Point2f b, Point2f c) in areaSign() 579 static inline bool segmentsIntersect(Point2f a, Point2f b, Point2f c, Point2f d) in segmentsIntersect() 588 static inline bool isRectInside(const Point2f a[4], const Point2f b[4]) in isRectInside() 603 Point2f pt[4] = {Point2f(0,0), Point2f(w,0), Point2f(w,h), Point2f(0,h)}; in isGoodMotion() 604 Point2f Mpt[4]; in isGoodMotion() 616 pt[0] = Point2f(dx, dy); in isGoodMotion() 617 pt[1] = Point2f(w - dx, dy); in isGoodMotion() 618 pt[2] = Point2f(w - dx, h - dy); in isGoodMotion() 619 pt[3] = Point2f(dx, h - dy); in isGoodMotion() 682 Point2f pt[4] = {Point2f(0,0), Point2f(w,0), Point2f(w,h), Point2f(0,h)}; in estimateOptimalTrimRatio() [all …]
|
/external/opencv3/modules/calib3d/test/ |
D | test_chesscorners.cpp | 54 void show_points( const Mat& gray, const Mat& u, const vector<Point2f>& v, Size pattern_size, bool … in show_points() 64 const Point2f* u_data = u.ptr<Point2f>(); in show_points() 99 double calcError(const vector<Point2f>& v, const Mat& u) in calcError() 102 const Point2f* u_data = u.ptr<Point2f>(); in calcError() 242 vector<Point2f> v; in run_batch() 317 …le calcErrorMinError(const Size& cornSz, const vector<Point2f>& corners_found, const vector<Point2… in calcErrorMinError() 319 Mat m1(cornSz, CV_32FC2, (Point2f*)&corners_generated[0]); in calcErrorMinError() 332 const vector<Point2f>& corners_generated) in validateData() 335 Mat_<Point2f> mat(cornersSize.height, cornersSize.width, (Point2f*)&corners_generated[0]); in validateData() 342 const Point2f& cur = mat(i, j); in validateData() [all …]
|
/external/opencv3/samples/cpp/tutorial_code/calib3d/real_time_pose_estimation/src/ |
D | Model.h | 21 std::vector<cv::Point2f> get_points2d_in() const { return list_points2d_in_; } in get_points2d_in() 22 std::vector<cv::Point2f> get_points2d_out() const { return list_points2d_out_; } in get_points2d_out() 29 void add_correspondence(const cv::Point2f &point2d, const cv::Point3f &point3d); 30 void add_outlier(const cv::Point2f &point2d); 45 std::vector<cv::Point2f> list_points2d_in_; 47 std::vector<cv::Point2f> list_points2d_out_;
|
D | main_registration.cpp | 72 Point2f point_2d = Point2f((float)x,(float)y); in onMouseModelRegistration() 132 vector<Point2f> list_points2d = registration.get_points2d(); in main() 167 vector<Point2f> list_points2d = registration.get_points2d(); in main() 177 vector<Point2f> list_points2d_mesh = pnp_registration.verify_points(&mesh); in main() 203 Point2f point2d(keypoints_model[i].pt); in main() 225 vector<Point2f> list_points_in = model.get_points2d_in(); in main() 226 vector<Point2f> list_points_out = model.get_points2d_out(); in main()
|
D | PnPProblem.h | 26 bool backproject2DPoint(const Mesh *mesh, const cv::Point2f &point2d, cv::Point3f &point3d); 28 std::vector<cv::Point2f> verify_points(Mesh *mesh); 29 cv::Point2f backproject3DPoint(const cv::Point3f &point3d); 30 …bool estimatePose(const std::vector<cv::Point3f> &list_points3d, const std::vector<cv::Point2f> &l… 31 …NSAC( const std::vector<cv::Point3f> &list_points3d, const std::vector<cv::Point2f> &list_points2d,
|
/external/opencv3/doc/tutorials/features2d/feature_homography/ |
D | feature_homography.markdown | 88 std::vector<Point2f> obj; 89 std::vector<Point2f> scene; 101 std::vector<Point2f> obj_corners(4); 104 std::vector<Point2f> scene_corners(4); 109 …line( img_matches, scene_corners[0] + Point2f( img_object.cols, 0), scene_corners[1] + Point2f( im… 110 …line( img_matches, scene_corners[1] + Point2f( img_object.cols, 0), scene_corners[2] + Point2f( im… 111 …line( img_matches, scene_corners[2] + Point2f( img_object.cols, 0), scene_corners[3] + Point2f( im… 112 …line( img_matches, scene_corners[3] + Point2f( img_object.cols, 0), scene_corners[0] + Point2f( im…
|
/external/opencv3/modules/video/src/ |
D | lkpyramid.hpp | 13 const Point2f* _prevPts, Point2f* _nextPts, 23 const Point2f* prevPts; 24 Point2f* nextPts;
|
/external/opencv3/modules/core/test/ |
D | test_rotatedrect.cpp | 56 Point2f a, b, c; 70 …a = Point2f( rng.uniform(-MAX_COORD_VAL, MAX_COORD_VAL), rng.uniform(-MAX_COORD_VAL, MAX_COORD_VAL… in prepare_test_case() 73 …b = Point2f( rng.uniform(-MAX_COORD_VAL, MAX_COORD_VAL), rng.uniform(-MAX_COORD_VAL, MAX_COORD_VAL… in prepare_test_case() 80 c = Point2f( (float) ((double) b.x + d * perp[0]), (float) ((double) b.y + d * perp[1]) ); in prepare_test_case() 91 Point2f vertices[4]; in validate_test_results()
|
/external/opencv3/samples/cpp/ |
D | tvl1_optical_flow.cpp | 12 inline bool isFlowCorrect(Point2f u) in isFlowCorrect() 87 static void drawOpticalFlow(const Mat_<Point2f>& flow, Mat& dst, float maxmotion = -1) in drawOpticalFlow() 102 Point2f u = flow(y, x); in drawOpticalFlow() 116 Point2f u = flow(y, x); in drawOpticalFlow() 126 static void writeOpticalFlowToFile(const Mat_<Point2f>& flow, const string& fileName) in writeOpticalFlowToFile() 141 const Point2f u = flow(i, j); in writeOpticalFlowToFile() 177 Mat_<Point2f> flow; in main()
|
/external/opencv3/samples/cpp/tutorial_code/features2D/AKAZE_tracking/ |
D | utils.h | 11 void drawBoundingBox(Mat image, vector<Point2f> bb); 14 vector<Point2f> Points(vector<KeyPoint> keypoints); 16 void drawBoundingBox(Mat image, vector<Point2f> bb) in drawBoundingBox() 50 vector<Point2f> Points(vector<KeyPoint> keypoints) in Points() 52 vector<Point2f> res; in Points()
|