Searched refs:keypoints (Results 26 - 50 of 70) sorted by relevance

123

/external/opencv3/modules/stitching/src/
H A Dmatchers.cpp291 total_kps_count += roi_features[i].keypoints.size();
296 features.keypoints.resize(total_kps_count);
305 for (size_t j = 0; j < roi_features[i].keypoints.size(); ++j, ++kp_idx)
307 features.keypoints[kp_idx] = roi_features[i].keypoints[j];
308 features.keypoints[kp_idx].pt.x += (float)rois[i].x;
309 features.keypoints[kp_idx].pt.y += (float)rois[i].y;
375 detector_->detect(gray_image, features.keypoints);
376 extractor_->compute(gray_image, features.keypoints, features.descriptors);
381 surf->detectAndCompute(gray_image, Mat(), features.keypoints, descriptor
[all...]
/external/opencv3/samples/cpp/tutorial_code/calib3d/real_time_pose_estimation/src/
H A DRobustMatcher.cpp18 void RobustMatcher::computeKeyPoints( const cv::Mat& image, std::vector<cv::KeyPoint>& keypoints) argument
20 detector_->detect(image, keypoints);
23 void RobustMatcher::computeDescriptors( const cv::Mat& image, std::vector<cv::KeyPoint>& keypoints, cv::Mat& descriptors) argument
25 extractor_->compute(image, keypoints, descriptors);
H A DRobustMatcher.h40 // Compute the keypoints of an image
41 void computeKeyPoints( const cv::Mat& image, std::vector<cv::KeyPoint>& keypoints);
43 // Compute the descriptors of an image given its keypoints
44 void computeDescriptors( const cv::Mat& image, std::vector<cv::KeyPoint>& keypoints, cv::Mat& descriptors);
/external/opencv3/samples/python2/
H A Dasift.py68 affine_detect(detector, img, mask=None, pool=None) -> keypoints, descrs
70 Apply a set of affine transormations to the image, detect keypoints and
84 keypoints, descrs = detector.detectAndCompute(timg, tmask)
85 for kp in keypoints:
90 return keypoints, descrs
92 keypoints, descrs = [], []
100 keypoints.extend(k)
104 return keypoints, np.array(descrs)
H A Dplane_tracker.py47 keypoints - keypoints detected inside rect
51 PlanarTarget = namedtuple('PlaneTarget', 'image, rect, keypoints, descrs, data')
80 target = PlanarTarget(image = image, rect=rect, keypoints = points, descrs=descs, data=data)
105 p0 = [target.keypoints[m.trainIdx].pt for m in matches]
124 '''detect_features(self, frame) -> keypoints, descrs'''
125 keypoints, descrs = self.detector.detectAndCompute(frame, None)
126 if descrs is None: # detectAndCompute returns descs=None if not keypoints found
128 return keypoints, descrs
/external/opencv3/modules/cudafeatures2d/src/
H A Dorb.cpp352 virtual void detectAndCompute(InputArray _image, InputArray _mask, std::vector<KeyPoint>& keypoints, OutputArray _descriptors, bool useProvidedKeypoints);
355 virtual void convert(InputArray _gpu_keypoints, std::vector<KeyPoint>& keypoints);
573 void ORB_Impl::detectAndCompute(InputArray _image, InputArray _mask, std::vector<KeyPoint>& keypoints, OutputArray _descriptors, bool useProvidedKeypoints)
578 convert(d_keypoints_, keypoints);
649 // Filter keypoints by image border
659 // takes keypoints and culls them by the response
660 static void cull(GpuMat& keypoints, int& count, int n_points)
664 //this is only necessary if the keypoints size is greater than the number of desired points.
669 keypoints.release();
673 count = cull_gpu(keypoints
[all...]
/external/opencv3/modules/features2d/misc/java/src/cpp/
H A Dfeatures2d_manual.hpp18 CV_WRAP void detect( const Mat& image, CV_OUT std::vector<KeyPoint>& keypoints, const Mat& mask=Mat() ) const argument
19 { return wrapped->detect(image, keypoints, mask); }
21 CV_WRAP void detect( const std::vector<Mat>& images, CV_OUT std::vector<std::vector<KeyPoint> >& keypoints, const std::vector<Mat>& masks=std::vector<Mat>() ) const argument
22 { return wrapped->detect(images, keypoints, masks); }
298 CV_WRAP void compute( const Mat& image, CV_IN_OUT std::vector<KeyPoint>& keypoints, Mat& descriptors ) const argument
299 { return wrapped->compute(image, keypoints, descriptors); }
301 CV_WRAP void compute( const std::vector<Mat>& images, CV_IN_OUT std::vector<std::vector<KeyPoint> >& keypoints, CV_OUT std::vector<Mat>& descriptors ) const argument
302 { return wrapped->compute(images, keypoints, descriptors); }
406 NOT_DRAW_SINGLE_POINTS = 2, // Single keypoints will not be drawn.
411 // Draw keypoints
[all...]
/external/opencv3/modules/features2d/misc/java/test/
H A DBruteForceL1DescriptorMatcherTest.java38 MatOfKeyPoint keypoints = new MatOfKeyPoint();
49 detector.detect(img, keypoints);
50 extractor.compute(img, keypoints, descriptors);
65 MatOfKeyPoint keypoints = new MatOfKeyPoint(new KeyPoint(50, 50, 16, 0, 20000, 1, -1), new KeyPoint(42, 42, 16, 160, 10000, 1, -1));
70 extractor.compute(img, keypoints, descriptors);
H A DBruteForceSL2DescriptorMatcherTest.java44 MatOfKeyPoint keypoints = new MatOfKeyPoint();
54 detector.detect(img, keypoints);
55 extractor.compute(img, keypoints, descriptors);
70 MatOfKeyPoint keypoints = new MatOfKeyPoint(new KeyPoint(50, 50, 16, 0, 20000, 1, -1), new KeyPoint(42, 42, 16, 160, 10000, 1, -1));
75 extractor.compute(img, keypoints, descriptors);
H A DBRIEFDescriptorExtractorTest.java41 MatOfKeyPoint keypoints = new MatOfKeyPoint(point);
45 extractor.compute(img, keypoints, descriptors);
H A DSIFTDescriptorExtractorTest.java56 MatOfKeyPoint keypoints = new MatOfKeyPoint(keypoint);
60 extractor.compute(img, keypoints, descriptors);
H A DSURFDescriptorExtractorTest.java46 MatOfKeyPoint keypoints = new MatOfKeyPoint(point);
50 extractor.compute(img, keypoints, descriptors);
H A DBruteForceDescriptorMatcherTest.java39 MatOfKeyPoint keypoints = new MatOfKeyPoint();
49 detector.detect(img, keypoints);
50 extractor.compute(img, keypoints, descriptors);
65 MatOfKeyPoint keypoints = new MatOfKeyPoint(new KeyPoint(50, 50, 16, 0, 20000, 1, -1), new KeyPoint(42, 42, 16, 160, 10000, 1, -1));
70 extractor.compute(img, keypoints, descriptors);
H A DFlannBasedDescriptorMatcherTest.java113 MatOfKeyPoint keypoints = new MatOfKeyPoint();
123 detector.detect(img, keypoints);
124 extractor.compute(img, keypoints, descriptors);
139 MatOfKeyPoint keypoints = new MatOfKeyPoint(new KeyPoint(50, 50, 16, 0, 20000, 1, -1), new KeyPoint(42, 42, 16, 160, 10000, 1, -1));
144 extractor.compute(img, keypoints, descriptors);
H A DBruteForceHammingDescriptorMatcherTest.java47 MatOfKeyPoint keypoints = new MatOfKeyPoint();
53 detector.detect(img, keypoints);
54 extractor.compute(img, keypoints, descriptors);
H A DBruteForceHammingLUTDescriptorMatcherTest.java46 MatOfKeyPoint keypoints = new MatOfKeyPoint();
52 detector.detect(img, keypoints);
53 extractor.compute(img, keypoints, descriptors);
/external/opencv3/modules/features2d/src/
H A Dbagofwords.cpp143 void BOWImgDescriptorExtractor::compute( InputArray image, std::vector<KeyPoint>& keypoints, OutputArray imgDescriptor, argument
148 if( keypoints.empty() )
153 dextractor->compute( image, keypoints, _descriptors );
157 // Add the descriptors of image keypoints
H A Dblobdetector.cpp78 virtual void detect( InputArray image, std::vector<KeyPoint>& keypoints, InputArray mask=noArray() );
304 void SimpleBlobDetectorImpl::detect(InputArray image, std::vector<cv::KeyPoint>& keypoints, InputArray) argument
307 keypoints.clear();
364 keypoints.push_back(kpt);
H A Dbrisk.cpp87 CV_OUT std::vector<KeyPoint>& keypoints,
93 void computeKeypointsNoOrientation(InputArray image, InputArray mask, std::vector<KeyPoint>& keypoints) const;
94 void computeDescriptorsAndOrOrientation(InputArray image, InputArray mask, std::vector<KeyPoint>& keypoints,
162 getAgastPoints(int threshold, std::vector<cv::KeyPoint>& keypoints);
231 getKeypoints(const int _threshold, std::vector<cv::KeyPoint>& keypoints);
617 BRISK_Impl::detectAndCompute( InputArray _image, InputArray _mask, std::vector<KeyPoint>& keypoints,
625 computeDescriptorsAndOrOrientation(_image, _mask, keypoints, _descriptors, doDescriptors, doOrientation,
630 BRISK_Impl::computeDescriptorsAndOrOrientation(InputArray _image, InputArray _mask, std::vector<KeyPoint>& keypoints,
641 computeKeypointsNoOrientation(_image, _mask, keypoints);
644 //Remove keypoints ver
2105 getAgastPoints(int threshold, std::vector<KeyPoint>& keypoints) argument
[all...]
H A Dagast.cpp55 static void AGAST_5_8(InputArray _img, std::vector<KeyPoint>& keypoints, int threshold) argument
67 size_t nExpectedCorners = keypoints.capacity();
73 keypoints.resize(0);
784 keypoints.reserve(nExpectedCorners);
789 keypoints.reserve(nExpectedCorners);
792 keypoints.push_back(KeyPoint(Point2f((float)x, (float)y), 1.0f));
801 keypoints.reserve(nExpectedCorners);
806 keypoints.reserve(nExpectedCorners);
809 keypoints.push_back(KeyPoint(Point2f((float)x, (float)y), 1.0f));
816 static void AGAST_7_12d(InputArray _img, std::vector<KeyPoint>& keypoints, in argument
3260 AGAST_7_12s(InputArray _img, std::vector<KeyPoint>& keypoints, int threshold) argument
5341 OAST_9_16(InputArray _img, std::vector<KeyPoint>& keypoints, int threshold) argument
7445 AGAST(InputArray _img, std::vector<KeyPoint>& keypoints, int threshold, bool nonmax_suppression) argument
7458 detect( InputArray _image, std::vector<KeyPoint>& keypoints, InputArray _mask ) argument
7512 AGAST(InputArray _img, std::vector<KeyPoint>& keypoints, int threshold, bool nonmax_suppression, int type) argument
[all...]
/external/opencv3/modules/cudafeatures2d/include/opencv2/
H A Dcudafeatures2d.hpp382 /** @brief Detects keypoints in an image.
385 @param keypoints The detected keypoints.
386 @param mask Mask specifying where to look for keypoints (optional). It must be a 8-bit integer
391 OutputArray keypoints,
395 /** @brief Computes the descriptors for a set of keypoints detected in an image.
398 @param keypoints Input collection of keypoints.
403 OutputArray keypoints,
407 /** Detects keypoints an
[all...]
/external/opencv3/modules/java/src/
H A Dfeatures2d+Features2d.java25 // C++: void drawKeypoints(Mat image, vector_KeyPoint keypoints, Mat outImage, Scalar color = Scalar::all(-1), int flags = 0)
28 //javadoc: drawKeypoints(image, keypoints, outImage, color, flags)
29 public static void drawKeypoints(Mat image, MatOfKeyPoint keypoints, Mat outImage, Scalar color, int flags) argument
31 Mat keypoints_mat = keypoints;
37 //javadoc: drawKeypoints(image, keypoints, outImage)
38 public static void drawKeypoints(Mat image, MatOfKeyPoint keypoints, Mat outImage) argument
40 Mat keypoints_mat = keypoints;
108 // C++: void drawKeypoints(Mat image, vector_KeyPoint keypoints, Mat outImage, Scalar color = Scalar::all(-1), int flags = 0)
H A Dfeatures2d.cpp49 // void compute(Mat image, vector_KeyPoint& keypoints, Mat descriptors)
60 std::vector<KeyPoint> keypoints; local
62 Mat_to_vector_KeyPoint( keypoints_mat, keypoints );
66 me->compute( image, keypoints, descriptors );
67 vector_KeyPoint_to_Mat( keypoints, keypoints_mat );
80 // void compute(vector_Mat images, vector_vector_KeyPoint& keypoints, vector_Mat& descriptors)
94 std::vector< std::vector<KeyPoint> > keypoints; local
96 Mat_to_vector_vector_KeyPoint( keypoints_mat, keypoints );
100 me->compute( images, keypoints, descriptors );
101 vector_vector_KeyPoint_to_Mat( keypoints, keypoints_ma
290 std::vector<KeyPoint> keypoints; local
316 std::vector<KeyPoint> keypoints; local
1123 std::vector<KeyPoint> keypoints; local
1149 std::vector<KeyPoint> keypoints; local
1181 std::vector< std::vector<KeyPoint> > keypoints; local
1211 std::vector< std::vector<KeyPoint> > keypoints; local
[all...]
/external/opencv3/samples/cpp/tutorial_code/features2D/AKAZE_tracking/
H A Dplanar_tracking.cpp14 const double akaze_thresh = 3e-4; // AKAZE detection threshold set to locate about 1000 keypoints
45 stats.keypoints = (int)first_kp.size();
56 stats.keypoints = (int)kp.size();
143 orb->setMaxFeatures(stats.keypoints);
166 orb->setMaxFeatures(stats.keypoints);
/external/opencv3/modules/features2d/test/
H A Dtest_detectors_regression.cpp53 * Regression tests for feature detectors comparing keypoints. *
79 vector<KeyPoint> keypoints; local
82 fdetector->detect( image, keypoints );
90 if( !keypoints.empty() )
92 ts->printf( cvtest::TS::LOG, "detect() on empty image must return empty keypoints vector (1).\n" );
131 // Compare counts of validation and calculated keypoints.
135 ts->printf( cvtest::TS::LOG, "Bad keypoints count ratio (validCount = %d, calcCount = %d).\n",
191 // Compute keypoints.
195 if( fs.isOpened() ) // Compare computed and valid keypoints.
199 // Read validation keypoints se
[all...]

Completed in 1656 milliseconds

123