Searched refs:img1 (Results 1 - 25 of 65) sorted by relevance

123

/external/libvpx/libvpx/test/
H A Dutil.h22 inline double compute_psnr(const vpx_image_t *img1, const vpx_image_t *img2) { argument
23 assert((img1->fmt == img2->fmt) &&
24 (img1->d_w == img2->d_w) &&
25 (img1->d_h == img2->d_h));
27 const unsigned int width_y = img1->d_w;
28 const unsigned int height_y = img1->d_h;
34 int64_t d = img1->planes[VPX_PLANE_Y][i * img1->stride[VPX_PLANE_Y] + j] -
H A Dencode_test_driver.cc143 static bool compare_img(const vpx_image_t *img1, argument
145 bool match = (img1->fmt == img2->fmt) &&
146 (img1->cs == img2->cs) &&
147 (img1->d_w == img2->d_w) &&
148 (img1->d_h == img2->d_h);
150 const unsigned int width_y = img1->d_w;
151 const unsigned int height_y = img1->d_h;
154 match = (memcmp(img1->planes[VPX_PLANE_Y] + i * img1->stride[VPX_PLANE_Y],
157 const unsigned int width_uv = (img1
[all...]
/external/opencv3/modules/cudaimgproc/src/
H A Dblend.cpp62 void blendLinearCaller(int rows, int cols, int cn, PtrStep<T> img1, PtrStep<T> img2, PtrStepf weights1, PtrStepf weights2, PtrStep<T> result, cudaStream_t stream);
64 void blendLinearCaller8UC4(int rows, int cols, PtrStepb img1, PtrStepb img2, PtrStepf weights1, PtrStepf weights2, PtrStepb result, cudaStream_t stream);
73 GpuMat img1 = _img1.getGpuMat();
79 CV_Assert( img1.size() == img2.size() );
80 CV_Assert( img1.type() == img2.type() );
81 CV_Assert( weights1.size() == img1.size() );
86 const Size size = img1.size();
87 const int depth = img1.depth();
88 const int cn = img1.channels();
97 blendLinearCaller<uchar>(size.height, size.width, cn, img1, img
[all...]
/external/opencv3/modules/cudaimgproc/test/
H A Dtest_blend.cpp55 void blendLinearGold(const cv::Mat& img1, const cv::Mat& img2, const cv::Mat& weights1, const cv::Mat& weights2, cv::Mat& result_gold) argument
57 result_gold.create(img1.size(), img1.type());
59 int cn = img1.channels();
61 for (int y = 0; y < img1.rows; ++y)
65 const T* img1_row = img1.ptr<T>(y);
69 for (int x = 0; x < img1.cols * cn; ++x)
101 cv::Mat img1 = randomMat(size, type, 0.0, depth == CV_8U ? 255.0 : 1.0); local
107 cv::cuda::blendLinear(loadMat(img1, useRoi), loadMat(img2, useRoi), loadMat(weights1, useRoi), loadMat(weights2, useRoi), result);
111 blendLinearGold<uchar>(img1, img
[all...]
/external/opencv3/samples/cpp/
H A Dcreate_mask.cpp22 Mat img0, img1, res1, final;
48 img1 = img0.clone();
50 circle(img1,point,2,Scalar(0, 0, 255),-1, 8, 0);
55 line(img1,pts[var-2], point, Scalar(0, 0, 255), 2, 8, 0);
57 imshow("Source", img1);
63 imshow("Source", img1);
70 img1 = img0.clone();
77 polylines( img1, pts3, &numpts,1, 1, Scalar(0,0,0), 2, 8, 0);
90 imshow("Source", img1);
106 imshow("Source", img1);
[all...]
H A Dnpr_demo.cpp86 Mat img1; local
87 pencilSketch(I,img1, img, 10 , 0.1f, 0.03f);
88 imshow("Pencil Sketch",img1);
H A Dstereo_match.cpp159 Mat img1 = imread(img1_filename, color_mode); local
162 if (img1.empty())
177 resize(img1, temp1, Size(), scale, scale, method);
178 img1 = temp1;
183 Size img_size = img1.size();
225 remap(img1, img1r, map11, map12, INTER_LINEAR);
228 img1 = img1r;
250 int cn = img1.channels();
264 //copyMakeBorder(img1, img1p, 0, 0, numberOfDisparities, 0, IPL_BORDER_REPLICATE);
269 bm->compute(img1, img
[all...]
H A Dmatchmethod_orb_akaze_brisk.cpp49 Mat img1 = imread(fileName[0], IMREAD_GRAYSCALE); local
51 if (img1.rows*img1.cols <= 0)
70 // Match between img1 and img2
72 // keypoint for img1 and img2
74 // Descriptor for img1 and img2
92 b->detect(img1, keyImg1, Mat());
94 b->compute(img1, keyImg1, descImg1);
131 drawMatches(img1, keyImg1, img2, keyImg2, bestMatches, result);
140 cout << "in img1\ti
[all...]
/external/skia/gm/
H A Dcgm.c68 sk_image_t* img1 = sk_image_new_from_encoded(data, NULL); local
71 if (img1) {
72 sk_canvas_draw_image(canvas, img1, W/2, H/2, NULL);
73 sk_image_unref(img1);
/external/opencv3/samples/gpu/
H A Dsurf_keypoint_matcher.cpp31 GpuMat img1, img2; local
36 img1.upload(imread(argv[++i], IMREAD_GRAYSCALE));
37 CV_Assert(!img1.empty());
58 surf(img1, GpuMat(), keypoints1GPU, descriptors1GPU);
79 drawMatches(Mat(img1), keypoints1, Mat(img2), keypoints2, matches, img_matches);
/external/opencv3/modules/cudaimgproc/src/cuda/
H A Dblend.cu52 __global__ void blendLinearKernel(int rows, int cols, int cn, const PtrStep<T> img1, const PtrStep<T> img2,
63 T p1 = img1.ptr(y)[x];
70 void blendLinearCaller(int rows, int cols, int cn, PtrStep<T> img1, PtrStep<T> img2, PtrStepf weights1, PtrStepf weights2, PtrStep<T> result, cudaStream_t stream)
75 blendLinearKernel<<<grid, threads, 0, stream>>>(rows, cols * cn, cn, img1, img2, weights1, weights2, result);
86 __global__ void blendLinearKernel8UC4(int rows, int cols, const PtrStepb img1, const PtrStepb img2,
99 uchar4 p1 = ((const uchar4*)img1.ptr(y))[x];
106 void blendLinearCaller8UC4(int rows, int cols, PtrStepb img1, PtrStepb img2, PtrStepf weights1, PtrStepf weights2, PtrStepb result, cudaStream_t stream)
111 blendLinearKernel8UC4<<<grid, threads, 0, stream>>>(rows, cols, img1, img2, weights1, weights2, result);
/external/opencv3/modules/cudaimgproc/perf/
H A Dperf_blend.cpp63 cv::Mat img1(size, type);
65 declare.in(img1, img2, WARMUP_RNG);
72 const cv::cuda::GpuMat d_img1(img1);
/external/opencv3/samples/cpp/tutorial_code/photo/non_photorealistic_rendering/
H A Dnpr_demo.cpp85 Mat img1; local
86 pencilSketch(I,img1, img, 10 , 0.1f, 0.03f);
87 imshow("Pencil Sketch",img1);
/external/opencv3/modules/video/perf/
H A Dperf_optflowpyrlk.cpp42 Mat img1 = imread(filename1); local
44 if (img1.empty()) FAIL() << "Unable to load source image " << filename1;
48 int nPointsX = min(get<0>(get<3>(GetParam())), img1.cols);
49 int nPointsY = min(get<1>(get<3>(GetParam())), img1.rows);
61 cvtColor(img1, frame1, COLOR_BGR2GRAY, cn);
65 frame1 = img1;
69 cvtColor(img1, frame1, COLOR_BGR2BGRA, cn);
115 Mat img1 = imread(filename1); local
117 if (img1.empty()) FAIL() << "Unable to load source image " << filename1;
121 int nPointsX = min(get<0>(get<3>(GetParam())), img1
[all...]
/external/opencv3/samples/python2/
H A Dcoherence.py34 img1 = ero
35 img1[m] = dil[m]
36 img = np.uint8(img*(1.0 - blend) + img1*blend)
H A Dlappyr.py25 img1 = cv2.pyrUp(next_img, dstsize=getsize(img))
26 levels.append(img-img1)
H A Dlk_track.py51 img0, img1 = self.prev_gray, frame_gray
53 p1, st, err = cv2.calcOpticalFlowPyrLK(img0, img1, p0, None, **lk_params)
54 p0r, st, err = cv2.calcOpticalFlowPyrLK(img1, img0, p1, None, **lk_params)
H A Dfind_obj.py70 def explore_match(win, img1, img2, kp_pairs, status = None, H = None):
71 h1, w1 = img1.shape[:2]
74 vis[:h1, :w1] = img1
147 img1 = cv2.imread(fn1, 0)
151 if img1 is None:
165 kp1, desc1 = detector.detectAndCompute(img1, None)
167 print 'img1 - %d features, img2 - %d features' % (len(kp1), len(kp2))
180 vis = explore_match(win, img1, img2, kp_pairs, status, H)
/external/libvpx/libvpx/vp9/encoder/
H A Dvp9_blockiness.c115 double vp9_get_blockiness(const uint8_t *img1, int img1_pitch, argument
121 for (i = 0; i < height; i += 4, img1 += img1_pitch * 4,
125 blockiness += blockiness_vertical(img1 + j, img1_pitch,
127 blockiness += blockiness_horizontal(img1 + j, img1_pitch,
/external/opencv3/modules/java/src/
H A Dfeatures2d+Features2d.java48 // C++: void drawMatches(Mat img1, vector_KeyPoint keypoints1, Mat img2, vector_KeyPoint keypoints2, vector_DMatch matches1to2, Mat outImg, Scalar matchColor = Scalar::all(-1), Scalar singlePointColor = Scalar::all(-1), vector_char matchesMask = std::vector<char>(), int flags = 0)
51 //javadoc: drawMatches(img1, keypoints1, img2, keypoints2, matches1to2, outImg, matchColor, singlePointColor, matchesMask, flags)
52 public static void drawMatches(Mat img1, MatOfKeyPoint keypoints1, Mat img2, MatOfKeyPoint keypoints2, MatOfDMatch matches1to2, Mat outImg, Scalar matchColor, Scalar singlePointColor, MatOfByte matchesMask, int flags) argument
58 drawMatches_0(img1.nativeObj, keypoints1_mat.nativeObj, img2.nativeObj, keypoints2_mat.nativeObj, matches1to2_mat.nativeObj, outImg.nativeObj, matchColor.val[0], matchColor.val[1], matchColor.val[2], matchColor.val[3], singlePointColor.val[0], singlePointColor.val[1], singlePointColor.val[2], singlePointColor.val[3], matchesMask_mat.nativeObj, flags);
63 //javadoc: drawMatches(img1, keypoints1, img2, keypoints2, matches1to2, outImg)
64 public static void drawMatches(Mat img1, MatOfKeyPoint keypoints1, Mat img2, MatOfKeyPoint keypoints2, MatOfDMatch matches1to2, Mat outImg) argument
69 drawMatches_1(img1.nativeObj, keypoints1_mat.nativeObj, img2.nativeObj, keypoints2_mat.nativeObj, matches1to2_mat.nativeObj, outImg.nativeObj);
76 // C++: void drawMatches(Mat img1, vector_KeyPoint keypoints1, Mat img2, vector_KeyPoint keypoints2, vector_vector_DMatch matches1to2, Mat outImg, Scalar matchColor = Scalar::all(-1), Scalar singlePointColor = Scalar::all(-1), vector_vector_char matchesMask = std::vector<std::vector<char> >(), int flags = 0)
79 //javadoc: drawMatches(img1, keypoints1, img2, keypoints2, matches1to2, outImg, matchColor, singlePointColor, matchesMask, flags)
80 public static void drawMatches2(Mat img1, MatOfKeyPoin argument
94 drawMatches2(Mat img1, MatOfKeyPoint keypoints1, Mat img2, MatOfKeyPoint keypoints2, List<MatOfDMatch> matches1to2, Mat outImg) argument
[all...]
/external/opencv3/modules/features2d/src/
H A Ddraw.cpp123 static void _prepareImgAndDrawKeypoints( InputArray img1, const std::vector<KeyPoint>& keypoints1, argument
129 Size img1size = img1.size(), img2size = img2.size();
135 CV_Error( Error::StsBadSize, "outImg has size less than need to draw img1 and img2 together" );
141 _outImg.create( size, CV_MAKETYPE(img1.depth(), 3) );
147 if( img1.type() == CV_8U )
148 cvtColor( img1, outImg1, COLOR_GRAY2BGR );
150 img1.copyTo( outImg1 );
189 void drawMatches( InputArray img1, const std::vector<KeyPoint>& keypoints1, argument
199 _prepareImgAndDrawKeypoints( img1, keypoints1, img2, keypoints2,
218 void drawMatches( InputArray img1, cons argument
[all...]
/external/opencv3/samples/cpp/tutorial_code/features2D/
H A DAKAZE_match.cpp15 Mat img1 = imread("../data/graf1.png", IMREAD_GRAYSCALE); local
26 akaze->detectAndCompute(img1, noArray(), kpts1, desc1);
65 drawMatches(img1, inliers1, img2, inliers2, good_matches, res);
/external/opencv3/samples/cpp/tutorial_code/xfeatures2D/
H A DLATCH_match.cpp24 Mat img1 = imread("../data/graf1.png", IMREAD_GRAYSCALE); local
41 orb_detector->detect(img1, kpts1);
42 latch->compute(img1, kpts1, desc1);
83 drawMatches(img1, inliers1, img2, inliers2, good_matches, res);
/external/libvpx/libvpx/
H A Dvpxenc.c552 static void find_mismatch_high(const vpx_image_t *const img1, argument
558 const uint32_t bsizey = bsize >> img1->y_chroma_shift;
559 const uint32_t bsizex = bsize >> img1->x_chroma_shift;
561 (img1->d_w + img1->x_chroma_shift) >> img1->x_chroma_shift;
563 (img1->d_h + img1->y_chroma_shift) >> img1->y_chroma_shift;
567 plane1 = (uint16_t*)img1
646 find_mismatch(const vpx_image_t *const img1, const vpx_image_t *const img2, int yloc[4], int uloc[4], int vloc[4]) argument
736 compare_img(const vpx_image_t *const img1, const vpx_image_t *const img2) argument
[all...]
/external/opencv3/modules/stitching/perf/
H A Dperf_stich.cpp105 Mat img1, img1_full = imread( getDataPath("stitching/b1.png") ); local
109 resize(img1_full, img1, Size(), scale1, scale1);
130 (*finder)(img1, features1);
158 Mat img1, img1_full = imread( getDataPath("stitching/b1.png") ); local
162 resize(img1_full, img1, Size(), scale1, scale1);
185 (*finder)(img1, features1);

Completed in 784 milliseconds

123