Home
last modified time | relevance | path

Searched refs:img2 (Results 1 – 25 of 71) sorted by relevance

123

/external/opencv3/modules/cudaimgproc/src/
Dblend.cpp62 …void blendLinearCaller(int rows, int cols, int cn, PtrStep<T> img1, PtrStep<T> img2, PtrStepf weig…
64 …void blendLinearCaller8UC4(int rows, int cols, PtrStepb img1, PtrStepb img2, PtrStepf weights1, Pt…
74 GpuMat img2 = _img2.getGpuMat(); in blendLinear() local
79 CV_Assert( img1.size() == img2.size() ); in blendLinear()
80 CV_Assert( img1.type() == img2.type() ); in blendLinear()
82 CV_Assert( weights2.size() == img2.size() ); in blendLinear()
97 …blendLinearCaller<uchar>(size.height, size.width, cn, img1, img2, weights1, weights2, result, Stre… in blendLinear()
99 …blendLinearCaller8UC4(size.height, size.width, img1, img2, weights1, weights2, result, StreamAcces… in blendLinear()
102 …blendLinearCaller<float>(size.height, size.width, cn, img1, img2, weights1, weights2, result, Stre… in blendLinear()
/external/libvpx/libvpx/test/
Dutil.h22 inline double compute_psnr(const vpx_image_t *img1, const vpx_image_t *img2) { in compute_psnr() argument
23 assert((img1->fmt == img2->fmt) && in compute_psnr()
24 (img1->d_w == img2->d_w) && in compute_psnr()
25 (img1->d_h == img2->d_h)); in compute_psnr()
35 img2->planes[VPX_PLANE_Y][i * img2->stride[VPX_PLANE_Y] + j]; in compute_psnr()
Dencode_test_driver.cc144 const vpx_image_t *img2) { in compare_img() argument
145 bool match = (img1->fmt == img2->fmt) && in compare_img()
146 (img1->cs == img2->cs) && in compare_img()
147 (img1->d_w == img2->d_w) && in compare_img()
148 (img1->d_h == img2->d_h); in compare_img()
155 img2->planes[VPX_PLANE_Y] + i * img2->stride[VPX_PLANE_Y], in compare_img()
161 img2->planes[VPX_PLANE_U] + i * img2->stride[VPX_PLANE_U], in compare_img()
165 img2->planes[VPX_PLANE_V] + i * img2->stride[VPX_PLANE_V], in compare_img()
/external/opencv3/samples/python2/
Dgrabcut.py55 global img,img2,drawing,value,mask,rectangle,rect,rect_or_mask,ix,iy,rect_over
64 img = img2.copy()
110 img2 = img.copy() # a copy of original image variable
144 res = np.hstack((img2,bar,img,bar,output))
155 img = img2.copy()
164 cv2.grabCut(img2,mask,rect,bgdmodel,fgdmodel,1,cv2.GC_INIT_WITH_RECT)
169 cv2.grabCut(img2,mask,rect,bgdmodel,fgdmodel,1,cv2.GC_INIT_WITH_MASK)
172 output = cv2.bitwise_and(img2,img2,mask=mask2)
Dfind_obj.py70 def explore_match(win, img1, img2, kp_pairs, status = None, H = None): argument
72 h2, w2 = img2.shape[:2]
75 vis[:h2, w1:w1+w2] = img2
148 img2 = cv2.imread(fn2, 0) variable
155 if img2 is None:
166 kp2, desc2 = detector.detectAndCompute(img2, None)
180 vis = explore_match(win, img1, img2, kp_pairs, status, H)
Dlogpolar.py16 img2 = cv2.logPolar(img, (img.shape[0]/2, img.shape[1]/2), 40, cv2.WARP_FILL_OUTLIERS) variable
20 cv2.imshow('logpolar', img2)
/external/opencv3/modules/cudaimgproc/src/cuda/
Dblend.cu52 …__ void blendLinearKernel(int rows, int cols, int cn, const PtrStep<T> img1, const PtrStep<T> img2, in blendLinearKernel() argument
64 T p2 = img2.ptr(y)[x]; in blendLinearKernel()
70 …void blendLinearCaller(int rows, int cols, int cn, PtrStep<T> img1, PtrStep<T> img2, PtrStepf weig… in blendLinearCaller() argument
75 …blendLinearKernel<<<grid, threads, 0, stream>>>(rows, cols * cn, cn, img1, img2, weights1, weights… in blendLinearCaller()
86 …__global__ void blendLinearKernel8UC4(int rows, int cols, const PtrStepb img1, const PtrStepb img2, in blendLinearKernel8UC4() argument
100 uchar4 p2 = ((const uchar4*)img2.ptr(y))[x]; in blendLinearKernel8UC4()
106 …void blendLinearCaller8UC4(int rows, int cols, PtrStepb img1, PtrStepb img2, PtrStepf weights1, Pt… in blendLinearCaller8UC4() argument
111 …blendLinearKernel8UC4<<<grid, threads, 0, stream>>>(rows, cols, img1, img2, weights1, weights2, re… in blendLinearCaller8UC4()
/external/opencv3/modules/cudaimgproc/test/
Dtest_blend.cpp55 …void blendLinearGold(const cv::Mat& img1, const cv::Mat& img2, const cv::Mat& weights1, const cv::… in blendLinearGold() argument
66 const T* img2_row = img2.ptr<T>(y); in blendLinearGold()
102 cv::Mat img2 = randomMat(size, type, 0.0, depth == CV_8U ? 255.0 : 1.0); in CUDA_TEST_P() local
107 …cv::cuda::blendLinear(loadMat(img1, useRoi), loadMat(img2, useRoi), loadMat(weights1, useRoi), loa… in CUDA_TEST_P()
111 blendLinearGold<uchar>(img1, img2, weights1, weights2, result_gold); in CUDA_TEST_P()
113 blendLinearGold<float>(img1, img2, weights1, weights2, result_gold); in CUDA_TEST_P()
/external/opencv3/samples/gpu/
Dsurf_keypoint_matcher.cpp31 GpuMat img1, img2; in main() local
41 img2.upload(imread(argv[++i], IMREAD_GRAYSCALE)); in main()
42 CV_Assert(!img2.empty()); in main()
59 surf(img2, GpuMat(), keypoints2GPU, descriptors2GPU); in main()
79 drawMatches(Mat(img1), keypoints1, Mat(img2), keypoints2, matches, img_matches); in main()
/external/opencv3/modules/java/src/
Dfeatures2d+Features2d.java52 …public static void drawMatches(Mat img1, MatOfKeyPoint keypoints1, Mat img2, MatOfKeyPoint keypoin… in drawMatches() argument
58 …drawMatches_0(img1.nativeObj, keypoints1_mat.nativeObj, img2.nativeObj, keypoints2_mat.nativeObj, … in drawMatches()
64 …public static void drawMatches(Mat img1, MatOfKeyPoint keypoints1, Mat img2, MatOfKeyPoint keypoin… in drawMatches() argument
69 …drawMatches_1(img1.nativeObj, keypoints1_mat.nativeObj, img2.nativeObj, keypoints2_mat.nativeObj, … in drawMatches()
80 …public static void drawMatches2(Mat img1, MatOfKeyPoint keypoints1, Mat img2, MatOfKeyPoint keypoi… in drawMatches2() argument
88 …drawMatches2_0(img1.nativeObj, keypoints1_mat.nativeObj, img2.nativeObj, keypoints2_mat.nativeObj,… in drawMatches2()
94 …public static void drawMatches2(Mat img1, MatOfKeyPoint keypoints1, Mat img2, MatOfKeyPoint keypoi… in drawMatches2() argument
100 …drawMatches2_1(img1.nativeObj, keypoints1_mat.nativeObj, img2.nativeObj, keypoints2_mat.nativeObj,… in drawMatches2()
/external/opencv3/modules/video/perf/
Dperf_optflowpyrlk.cpp43 Mat img2 = imread(filename2); variable
45 if (img2.empty()) FAIL() << "Unable to load source image " << filename2;
62 cvtColor(img2, frame2, COLOR_BGR2GRAY, cn);
66 frame2 = img2;
70 cvtColor(img2, frame2, COLOR_BGR2BGRA, cn);
116 Mat img2 = imread(filename2); variable
118 if (img2.empty()) FAIL() << "Unable to load source image " << filename2;
136 cvtColor(img2, frame2, COLOR_BGR2GRAY, cn);
140 frame2 = img2;
144 cvtColor(img2, frame2, COLOR_BGR2BGRA, cn);
/external/clang/test/CodeGenOpenCL/
Dkernel-arg-info.cl17 kernel void foo2(read_only image1d_t img1, image2d_t img2, write_only image2d_array_t img3) {
24 // ARGINFO: !{!"kernel_arg_name", !"img1", !"img2", !"img3"}
25 // NO-ARGINFO-NOT: !{!"kernel_arg_name", !"img1", !"img2", !"img3"}
49 kernel void foo5(read_only myImage img1, write_only image1d_t img2) {
54 // ARGINFO: !{!"kernel_arg_name", !"img1", !"img2"}
55 // NO-ARGINFO-NOT: !{!"kernel_arg_name", !"img1", !"img2"}
/external/opencv3/samples/cpp/
Dstereo_match.cpp160 Mat img2 = imread(img2_filename, color_mode); in main() local
167 if (img2.empty()) in main()
179 resize(img2, temp2, Size(), scale, scale, method); in main()
180 img2 = temp2; in main()
226 remap(img2, img2r, map21, map22, INTER_LINEAR); in main()
229 img2 = img2r; in main()
269 bm->compute(img1, img2, disp); in main()
271 sgbm->compute(img1, img2, disp); in main()
285 imshow("right", img2); in main()
Dcloning_gui.cpp45 Mat img0, img1, img2, res, res1, final, final1, blend; variable
182 imshow("Destination",img2); in source()
192 im1 = img2.clone(); in destination()
237 final1 = Mat::zeros(img2.size(),CV_8UC3); in destination()
238 res = Mat::zeros(img2.size(),CV_8UC1); in destination()
254 seamlessClone(img0,img2,res1,point,blend,num); in destination()
320 img2 = imread(dest); in main()
327 if(img2.empty()) in main()
335 res = Mat::zeros(img2.size(),CV_8UC1); in main()
338 final1 = Mat::zeros(img2.size(),CV_8UC3); in main()
[all …]
Dmatchmethod_orb_akaze_brisk.cpp50 Mat img2 = imread(fileName[1], IMREAD_GRAYSCALE); in main() local
56 if (img2.rows*img2.cols <= 0) in main()
96 b->detectAndCompute(img2, Mat(),keyImg2, descImg2,false); in main()
131 drawMatches(img1, keyImg1, img2, keyImg2, bestMatches, result); in main()
/external/opencv3/modules/features2d/src/
Ddraw.cpp124 InputArray img2, const std::vector<KeyPoint>& keypoints2, in _prepareImgAndDrawKeypoints() argument
129 Size img1size = img1.size(), img2size = img2.size(); in _prepareImgAndDrawKeypoints()
152 if( img2.type() == CV_8U ) in _prepareImgAndDrawKeypoints()
153 cvtColor( img2, outImg2, COLOR_GRAY2BGR ); in _prepareImgAndDrawKeypoints()
155 img2.copyTo( outImg2 ); in _prepareImgAndDrawKeypoints()
190 InputArray img2, const std::vector<KeyPoint>& keypoints2, in drawMatches() argument
199 _prepareImgAndDrawKeypoints( img1, keypoints1, img2, keypoints2, in drawMatches()
219 InputArray img2, const std::vector<KeyPoint>& keypoints2, in drawMatches() argument
228 _prepareImgAndDrawKeypoints( img1, keypoints1, img2, keypoints2, in drawMatches()
/external/opencv3/doc/py_tutorials/py_core/py_image_arithmetics/
Dpy_image_arithmetics.markdown15 res = img1 + img2. Both images should be of same depth and type, or second image can just be a
49 \f[dst = \alpha \cdot img1 + \beta \cdot img2 + \gamma\f]
54 img2 = cv2.imread('opencv_logo.jpg')
56 dst = cv2.addWeighted(img1,0.7,img2,0.3,0)
80 img2 = cv2.imread('opencv_logo.png')
83 rows,cols,channels = img2.shape
87 img2gray = cv2.cvtColor(img2,cv2.COLOR_BGR2GRAY)
95 img2_fg = cv2.bitwise_and(img2,img2,mask = mask)
/external/opencv3/samples/cpp/tutorial_code/photo/seamless_cloning/
Dcloning_gui.cpp44 Mat img0, img1, img2, res, res1, final, final1, blend; variable
181 imshow("Destination",img2); in source()
191 im1 = img2.clone(); in destination()
236 final1 = Mat::zeros(img2.size(),CV_8UC3); in destination()
237 res = Mat::zeros(img2.size(),CV_8UC1); in destination()
253 seamlessClone(img0,img2,res1,point,blend,num); in destination()
319 img2 = imread(dest); in main()
326 if(img2.empty()) in main()
334 res = Mat::zeros(img2.size(),CV_8UC1); in main()
337 final1 = Mat::zeros(img2.size(),CV_8UC3); in main()
[all …]
/external/libvpx/libvpx/vpx_dsp/
Dssim.c116 static double vpx_ssim2(const uint8_t *img1, const uint8_t *img2, in vpx_ssim2() argument
125 i += 4, img1 += stride_img1 * 4, img2 += stride_img2 * 4) { in vpx_ssim2()
127 double v = ssim_8x8(img1 + j, stride_img1, img2 + j, stride_img2); in vpx_ssim2()
137 static double vpx_highbd_ssim2(const uint8_t *img1, const uint8_t *img2, in vpx_highbd_ssim2() argument
146 i += 4, img1 += stride_img1 * 4, img2 += stride_img2 * 4) { in vpx_highbd_ssim2()
149 CONVERT_TO_SHORTPTR(img2 + j), stride_img2, in vpx_highbd_ssim2()
286 static void ssimv_parms(uint8_t *img1, int img1_pitch, uint8_t *img2, in ssimv_parms() argument
288 vpx_ssim_parms_8x8(img1, img1_pitch, img2, img2_pitch, in ssimv_parms()
294 uint8_t *img2, int img2_pitch, in vpx_get_ssim_metrics() argument
309 img1 += img1_pitch * 4, img2 += img2_pitch * 4) { in vpx_get_ssim_metrics()
[all …]
/external/opencv3/modules/cudaimgproc/perf/
Dperf_blend.cpp64 cv::Mat img2(size, type); in PERF_TEST_P() local
65 declare.in(img1, img2, WARMUP_RNG); in PERF_TEST_P()
73 const cv::cuda::GpuMat d_img2(img2); in PERF_TEST_P()
/external/libvpx/libvpx/vp9/encoder/
Dvp9_blockiness.c116 const uint8_t *img2, int img2_pitch, in vp9_get_blockiness() argument
122 img2 += img2_pitch * 4) { in vp9_get_blockiness()
126 img2 + j, img2_pitch, 4); in vp9_get_blockiness()
128 img2 + j, img2_pitch, 4); in vp9_get_blockiness()
/external/opencv3/modules/stitching/perf/
Dperf_stich.cpp106 Mat img2, img2_full = imread( getDataPath("stitching/b2.png") ); in PERF_TEST_P() local
110 resize(img2_full, img2, Size(), scale2, scale2); in PERF_TEST_P()
131 (*finder)(img2, features2); in PERF_TEST_P()
159 Mat img2, img2_full = imread( getDataPath("stitching/b2.png") ); variable
163 resize(img2_full, img2, Size(), scale2, scale2);
186 (*finder)(img2, features2);
/external/opencv3/samples/cpp/tutorial_code/xfeatures2D/
DLATCH_match.cpp25 Mat img2 = imread("../data/graf3.png", IMREAD_GRAYSCALE); in main() local
44 orb_detector->detect(img2, kpts2); in main()
45 latch->compute(img2, kpts2, desc2); in main()
83 drawMatches(img1, inliers1, img2, inliers2, good_matches, res); in main()
/external/opencv3/doc/py_tutorials/py_calib3d/py_epipolar_geometry/
Dpy_epipolar_geometry.markdown80 img2 = cv2.imread('myright.jpg',0) #trainimage # right image
86 kp2, des2 = sift.detectAndCompute(img2,None)
121 def drawlines(img1,img2,lines,pts1,pts2):
122 ''' img1 - image on which we draw the epilines for the points in img2
126 img2 = cv2.cvtColor(img2,cv2.COLOR_GRAY2BGR)
133 img2 = cv2.circle(img2,tuple(pt2),5,color,-1)
134 return img1,img2
142 img5,img6 = drawlines(img1,img2,lines1,pts1,pts2)
148 img3,img4 = drawlines(img2,img1,lines2,pts2,pts1)
/external/opencv3/modules/stitching/src/
Dseam_finders.cpp117 Size img1 = sizes_[first], img2 = sizes_[second]; in findInPair() local
135 if (y2 >= 0 && x2 >= 0 && y2 < img2.height && x2 < img2.width) in findInPair()
1072 void setGraphWeightsColor(const Mat &img1, const Mat &img2,
1074 void setGraphWeightsColorGrad(const Mat &img1, const Mat &img2, const Mat &dx1, const Mat &dx2,
1116 void GraphCutSeamFinder::Impl::setGraphWeightsColor(const Mat &img1, const Mat &img2, in setGraphWeightsColor() argument
1141 float weight = normL2(img1.at<Point3f>(y, x), img2.at<Point3f>(y, x)) + in setGraphWeightsColor()
1142 normL2(img1.at<Point3f>(y, x + 1), img2.at<Point3f>(y, x + 1)) + in setGraphWeightsColor()
1151 float weight = normL2(img1.at<Point3f>(y, x), img2.at<Point3f>(y, x)) + in setGraphWeightsColor()
1152 normL2(img1.at<Point3f>(y + 1, x), img2.at<Point3f>(y + 1, x)) + in setGraphWeightsColor()
1165 const Mat &img1, const Mat &img2, const Mat &dx1, const Mat &dx2, in setGraphWeightsColorGrad() argument
[all …]

123