Searched refs:cv (Results 1 - 25 of 1527) sorted by relevance

1234567891011>>

/external/opencv3/modules/features2d/src/
H A Ddynamic.cpp44 namespace cv namespace
/external/opencv3/modules/hal/src/
H A Darithm.cpp45 namespace cv { namespace hal { namespace
H A Dcolor.cpp45 namespace cv { namespace hal { namespace
H A Dfilter.cpp45 namespace cv { namespace hal { namespace
H A Dresize.cpp45 namespace cv { namespace hal { namespace
H A Dwarp.cpp45 namespace cv { namespace hal { namespace
/external/opencv3/modules/imgproc/src/
H A Dhershey_fonts.cpp51 namespace cv namespace
/external/opencv3/modules/world/src/
H A Dworld_init.cpp45 bool cv::initAll()
/external/opencv3/modules/core/misc/java/src/cpp/
H A Dcore_manual.cpp11 namespace cv { namespace
16 cv::redirectError(0);
18 cv::redirectError((cv::ErrorCallback)quietCallback);
/external/opencv3/modules/python/test/
H A Dleak3.py3 import cv2.cv as cv namespace
8 h = cv.CreateHist([40], cv.CV_HIST_ARRAY, [[0,255]], 1)
H A Dleak2.py3 import cv2.cv as cv namespace
9 a = cv.CreateImage((1024,1024), cv.IPL_DEPTH_8U, 1)
10 b = cv.CreateMat(1024, 1024, cv.CV_8UC1)
11 c = cv.CreateMatND([1024,1024], cv.CV_8UC1)
H A Dleak1.py3 import cv2.cv as cv namespace
5 cv.NamedWindow('Leak')
8 cv.ShowImage('Leak', leak.astype(np.uint8))
9 cv.WaitKey(10)
H A Dprecornerdetect.py3 import cv2.cv as cv namespace
7 corners = cv.CloneMat(image)
8 cv.PreCornerDetect(image, corners, 3)
10 dilated_corners = cv.CloneMat(image)
11 cv.Dilate(corners, dilated_corners, None, 1)
13 corner_mask = cv.CreateMat(image.rows, image.cols, cv.CV_8UC1)
14 cv.Sub(corners, dilated_corners, corners)
15 cv
[all...]
H A Dfindstereocorrespondence.py4 import cv2.cv as cv namespace
10 disparity_left = cv.CreateMat(r, c, cv.CV_16S)
11 disparity_right = cv.CreateMat(r, c, cv.CV_16S)
12 state = cv.CreateStereoGCState(16, 2)
13 cv.FindStereoCorrespondenceGC(image_left, image_right, disparity_left, disparity_right, state, 0)
19 (l, r) = [cv.LoadImageM(f, cv
[all...]
H A Dcalchist.py5 import cv2.cv as cv namespace
9 hsv = cv.CreateImage(cv.GetSize(src), 8, 3)
10 cv.CvtColor(src, hsv, cv.CV_BGR2HSV)
13 h_plane = cv.CreateMat(src.rows, src.cols, cv.CV_8UC1)
14 s_plane = cv.CreateMat(src.rows, src.cols, cv
[all...]
/external/opencv3/modules/features2d/src/kaze/
H A Dnldiffusion_functions.h17 namespace cv namespace
21 void gaussian_2D_convolution(const cv::Mat& src, cv::Mat& dst, int ksize_x, int ksize_y, float sigma);
24 void pm_g1(const cv::Mat& Lx, const cv::Mat& Ly, cv::Mat& dst, float k);
25 void pm_g2(const cv::Mat& Lx, const cv::Mat& Ly, cv::Mat& dst, float k);
26 void weickert_diffusivity(const cv
[all...]
/external/opencv3/samples/cpp/tutorial_code/calib3d/real_time_pose_estimation/src/
H A DUtils.h16 void drawQuestion(cv::Mat image, cv::Point3f point, cv::Scalar color);
19 void drawText(cv::Mat image, std::string text, cv::Scalar color);
22 void drawText2(cv::Mat image, std::string text, cv::Scalar color);
25 void drawFPS(cv::Mat image, double fps, cv::Scalar color);
28 void drawConfidence(cv
[all...]
H A DRobustMatcher.h22 detector_ = cv::ORB::create();
23 extractor_ = cv::ORB::create();
26 matcher_ = cv::makePtr<cv::BFMatcher>((int)cv::NORM_HAMMING, false);
32 void setFeatureDetector(const cv::Ptr<cv::FeatureDetector>& detect) { detector_ = detect; }
35 void setDescriptorExtractor(const cv::Ptr<cv::DescriptorExtractor>& desc) { extractor_ = desc; }
38 void setDescriptorMatcher(const cv
[all...]
H A DPnPProblem.h26 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> &list_points2d, int flags);
31 void estimatePoseRANSAC( const std::vector<cv::Point3f> &list_points3d, const std::vector<cv::Point2f> &list_points2d,
32 int flags, cv
[all...]
/external/opencv3/modules/photo/test/
H A Dtest_denoising.cuda.cpp60 using cv::cuda::GpuMat;
62 cv::Mat bgr = readImage("../gpu/denoising/lena_noised_gaussian_sigma=20_multi_0.png", cv::IMREAD_COLOR);
64 cv::resize(bgr, bgr, cv::Size(256, 256));
66 cv::Mat gray;
67 cv::cvtColor(bgr, gray, cv::COLOR_BGR2GRAY);
70 cv::cuda::nonLocalMeans(GpuMat(bgr), dbgr, 20);
71 cv
[all...]
/external/opencv3/modules/photo/src/
H A Dseamless_cloning.hpp50 namespace cv namespace
56 void normalClone(const cv::Mat& destination, const cv::Mat &mask, const cv::Mat &wmask, cv::Mat &cloned, int flag);
57 void illuminationChange(cv::Mat &I, cv::Mat &mask, cv::Mat &wmask, cv::Mat &cloned, float alpha, float beta);
58 void localColorChange(cv
[all...]
/external/opencv3/modules/viz/test/
H A Dtest_viz3d.cpp44 using namespace cv;
48 cv::Mat cloud = cv::viz::readCloud(get_dragon_ply_file_path());
50 cv::viz::Viz3d viz("abc");
52 viz.showWidget("coo", cv::viz::WCoordinateSystem(1));
53 viz.showWidget("cloud", cv::viz::WPaintedCloud(cloud));
56 //std::vector<cv::Affine3d> gt, es;
57 //cv::viz::readTrajectory(gt, "d:/Datasets/trajs/gt%05d.xml");
58 //cv::viz::readTrajectory(es, "d:/Datasets/trajs/es%05d.xml");
59 //cv
[all...]
/external/opencv3/modules/cudaimgproc/perf/
H A Dperf_color.cpp52 DEF_PARAM_TEST(Sz_Depth_Code, cv::Size, MatDepth, CvtColorInfo);
57 Values(CvtColorInfo(4, 4, cv::COLOR_RGBA2BGRA),
58 CvtColorInfo(4, 1, cv::COLOR_BGRA2GRAY),
59 CvtColorInfo(1, 4, cv::COLOR_GRAY2BGRA),
60 CvtColorInfo(3, 3, cv::COLOR_BGR2XYZ),
61 CvtColorInfo(3, 3, cv::COLOR_XYZ2BGR),
62 CvtColorInfo(3, 3, cv::COLOR_BGR2YCrCb),
63 CvtColorInfo(3, 3, cv::COLOR_YCrCb2BGR),
64 CvtColorInfo(3, 3, cv::COLOR_BGR2YUV),
65 CvtColorInfo(3, 3, cv
[all...]
/external/opencv3/modules/java/generator/src/cpp/
H A Dconverters.h4 void Mat_to_vector_int(cv::Mat& mat, std::vector<int>& v_int);
5 void vector_int_to_Mat(std::vector<int>& v_int, cv::Mat& mat);
7 void Mat_to_vector_double(cv::Mat& mat, std::vector<double>& v_double);
8 void vector_double_to_Mat(std::vector<double>& v_double, cv::Mat& mat);
10 void Mat_to_vector_float(cv::Mat& mat, std::vector<float>& v_float);
11 void vector_float_to_Mat(std::vector<float>& v_float, cv::Mat& mat);
13 void Mat_to_vector_uchar(cv::Mat& mat, std::vector<uchar>& v_uchar);
14 void vector_uchar_to_Mat(std::vector<uchar>& v_uchar, cv::Mat& mat);
16 void Mat_to_vector_char(cv::Mat& mat, std::vector<char>& v_char);
17 void vector_char_to_Mat(std::vector<char>& v_char, cv
[all...]
/external/opencv3/modules/cudaimgproc/test/
H A Dtest_color.cpp52 PARAM_TEST_CASE(CvtColor, cv::cuda::DeviceInfo, cv::Size, MatDepth, UseRoi)
54 cv::cuda::DeviceInfo devInfo;
55 cv::Size size;
59 cv::Mat img;
68 cv::cuda::setDevice(devInfo.deviceID());
76 cv::Mat src = img;
78 cv::cuda::GpuMat dst;
79 cv::cuda::cvtColor(loadMat(src, useRoi), dst, cv
[all...]

Completed in 267 milliseconds

1234567891011>>