Searched refs:img2 (Results 1 - 25 of 55) 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));
35 img2->planes[VPX_PLANE_Y][i * img2->stride[VPX_PLANE_Y] + j];
H A Dencode_test_driver.cc144 const vpx_image_t *img2) {
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);
155 img2->planes[VPX_PLANE_Y] + i * img2->stride[VPX_PLANE_Y],
161 img2->planes[VPX_PLANE_U] + i * img2->stride[VPX_PLANE_U],
165 img2
143 compare_img(const vpx_image_t *img1, const vpx_image_t *img2) argument
[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);
74 GpuMat img2 = _img2.getGpuMat();
79 CV_Assert( img1.size() == img2.size() );
80 CV_Assert( img1.type() == img2.type() );
82 CV_Assert( weights2.size() == img2.size() );
97 blendLinearCaller<uchar>(size.height, size.width, cn, img1, img2, weights1, weights2, result, StreamAccessor::getStream(stream));
99 blendLinearCaller8UC4(size.height, size.width, img1, img2, weights1, weights2, result, StreamAccessor::getStream(stream));
102 blendLinearCaller<float>(size.height, size.width, cn, img1, img2, weights1, weights2, result, StreamAccessor::getStream(stream));
/external/libgdx/tests/gdx-tests/src/com/badlogic/gdx/tests/utils/
H A DIssueTest.java17 Texture img2; field in class:IssueTest
23 img2 = new Texture("data/issue/leaf.png");
31 batch.draw(img2, 512, 0);
/external/opencv3/samples/python2/
H A 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)
H A 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)
H A Dfind_obj.py70 def explore_match(win, img1, img2, kp_pairs, status = None, H = None):
72 h2, w2 = img2.shape[:2]
75 vis[:h2, w1:w1+w2] = img2
148 img2 = cv2.imread(fn2, 0)
155 if img2 is None:
166 kp2, desc2 = detector.detectAndCompute(img2, 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/libgdx/tests/gdx-tests/src/com/badlogic/gdx/tests/
H A DActionSequenceTest.java36 Image img2; field in class:ActionSequenceTest
51 img2 = new Image(new TextureRegion(texture));
52 img2.setSize(100, 100);
53 img2.setOrigin(50, 50);
54 img2.setPosition(100, 100);
62 stage.addActor(img2);
66 img2.addAction(parallel(sequence(), moveBy(100, 0, 1)));
H A DComplexActionTest.java56 final Image img2 = new Image(new TextureRegion(texture));
57 img2.setSize(50, 50);
58 img2.setOrigin(50, 50);
59 img2.setPosition(150, 150);
62 stage.addActor(img2);
65 // img2.action(complexAction.copy());
H A DETC1Test.java36 Texture img2; field in class:ETC1Test
59 img2 = new Texture("data/test.etc1");
72 batch.draw(img2, -100, 0);
87 img2.dispose();
/external/opencv3/samples/gpu/
H A Dsurf_keypoint_matcher.cpp31 GpuMat img1, img2; local
41 img2.upload(imread(argv[++i], IMREAD_GRAYSCALE));
42 CV_Assert(!img2.empty());
59 surf(img2, GpuMat(), keypoints2GPU, descriptors2GPU);
79 drawMatches(Mat(img1), keypoints1, Mat(img2), keypoints2, matches, img_matches);
/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
66 const T* img2_row = img2.ptr<T>(y);
102 cv::Mat img2 = 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, img2, weights1, weights2, result_gold);
113 blendLinearGold<float>(img1, img2, weights1, weights2, result_gold);
/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,
64 T p2 = img2.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,
100 uchar4 p2 = ((const uchar4*)img2.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.cpp64 cv::Mat img2(size, type);
65 declare.in(img1, img2, WARMUP_RNG);
73 const cv::cuda::GpuMat d_img2(img2);
/external/libvpx/libvpx/vp9/encoder/
H A Dvp9_blockiness.c116 const uint8_t *img2, int img2_pitch,
122 img2 += img2_pitch * 4) {
126 img2 + j, img2_pitch, 4);
128 img2 + j, img2_pitch, 4);
115 vp9_get_blockiness(const uint8_t *img1, int img1_pitch, const uint8_t *img2, int img2_pitch, int width, int height) argument
/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, MatOfKeyPoint keypoints1, Mat img2, MatOfKeyPoin argument
94 drawMatches2(Mat img1, MatOfKeyPoint keypoints1, Mat img2, MatOfKeyPoint keypoints2, List<MatOfDMatch> matches1to2, Mat outImg) argument
[all...]
/external/opencv3/modules/video/perf/
H A Dperf_optflowpyrlk.cpp43 Mat img2 = imread(filename2); local
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); local
118 if (img2.empty()) FAIL() << "Unable to load source image " << filename2;
136 cvtColor(img2, frame2, COLOR_BGR2GRAY, cn);
140 frame2 = img2;
144 cvtColor(img2, frame
[all...]
/external/opencv3/modules/features2d/src/
H A Ddraw.cpp124 InputArray img2, const std::vector<KeyPoint>& keypoints2,
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" );
152 if( img2.type() == CV_8U )
153 cvtColor( img2, outImg2, COLOR_GRAY2BGR );
155 img2.copyTo( outImg2 );
190 InputArray img2, const std::vector<KeyPoint>& keypoints2,
199 _prepareImgAndDrawKeypoints( img1, keypoints1, img2, keypoints2,
219 InputArray img2, const std::vector<KeyPoint>& keypoints2,
228 _prepareImgAndDrawKeypoints( img1, keypoints1, img2, keypoints
123 _prepareImgAndDrawKeypoints( InputArray img1, const std::vector<KeyPoint>& keypoints1, InputArray img2, const std::vector<KeyPoint>& keypoints2, InputOutputArray _outImg, Mat& outImg1, Mat& outImg2, const Scalar& singlePointColor, int flags ) argument
189 drawMatches( InputArray img1, const std::vector<KeyPoint>& keypoints1, InputArray img2, const std::vector<KeyPoint>& keypoints2, const std::vector<DMatch>& matches1to2, InputOutputArray outImg, const Scalar& matchColor, const Scalar& singlePointColor, const std::vector<char>& matchesMask, int flags ) argument
218 drawMatches( InputArray img1, const std::vector<KeyPoint>& keypoints1, InputArray img2, const std::vector<KeyPoint>& keypoints2, const std::vector<std::vector<DMatch> >& matches1to2, InputOutputArray outImg, const Scalar& matchColor, const Scalar& singlePointColor, const std::vector<std::vector<char> >& matchesMask, int flags ) argument
[all...]
/external/opencv3/samples/cpp/
H A Dstereo_match.cpp160 Mat img2 = imread(img2_filename, color_mode); local
167 if (img2.empty())
179 resize(img2, temp2, Size(), scale, scale, method);
180 img2 = temp2;
226 remap(img2, img2r, map21, map22, INTER_LINEAR);
229 img2 = img2r;
265 //copyMakeBorder(img2, img2p, 0, 0, numberOfDisparities, 0, IPL_BORDER_REPLICATE);
269 bm->compute(img1, img2, disp);
271 sgbm->compute(img1, img2, disp);
285 imshow("right", img2);
[all...]
H A Dcloning_gui.cpp45 Mat img0, img1, img2, res, res1, final, final1, blend;
182 imshow("Destination",img2);
192 im1 = img2.clone();
237 final1 = Mat::zeros(img2.size(),CV_8UC3);
238 res = Mat::zeros(img2.size(),CV_8UC1);
254 seamlessClone(img0,img2,res1,point,blend,num);
320 img2 = imread(dest);
327 if(img2.empty())
335 res = Mat::zeros(img2.size(),CV_8UC1);
338 final1 = Mat::zeros(img2
[all...]
H A Dmatchmethod_orb_akaze_brisk.cpp50 Mat img2 = imread(fileName[1], IMREAD_GRAYSCALE); local
56 if (img2.rows*img2.cols <= 0)
70 // Match between img1 and img2
72 // keypoint for img1 and img2
74 // Descriptor for img1 and img2
96 b->detectAndCompute(img2, Mat(),keyImg2, descImg2,false);
131 drawMatches(img1, keyImg1, img2, keyImg2, bestMatches, result);
140 cout << "in img1\tin img2\n";
/external/opencv3/samples/cpp/tutorial_code/features2D/
H A DAKAZE_match.cpp16 Mat img2 = imread("../data/graf3.png", IMREAD_GRAYSCALE); local
27 akaze->detectAndCompute(img2, noArray(), kpts2, desc2);
65 drawMatches(img1, inliers1, img2, inliers2, good_matches, res);
/external/opencv3/samples/cpp/tutorial_code/xfeatures2D/
H A DLATCH_match.cpp25 Mat img2 = imread("../data/graf3.png", IMREAD_GRAYSCALE); local
44 orb_detector->detect(img2, kpts2);
45 latch->compute(img2, kpts2, desc2);
83 drawMatches(img1, inliers1, img2, inliers2, good_matches, res);
/external/opencv3/modules/stitching/perf/
H A Dperf_stich.cpp106 Mat img2, img2_full = imread( getDataPath("stitching/b2.png") ); local
110 resize(img2_full, img2, Size(), scale2, scale2);
131 (*finder)(img2, features2);
159 Mat img2, img2_full = imread( getDataPath("stitching/b2.png") ); local
163 resize(img2_full, img2, Size(), scale2, scale2);
186 (*finder)(img2, features2);
/external/opencv3/samples/cpp/tutorial_code/photo/seamless_cloning/
H A Dcloning_gui.cpp44 Mat img0, img1, img2, res, res1, final, final1, blend;
181 imshow("Destination",img2);
191 im1 = img2.clone();
236 final1 = Mat::zeros(img2.size(),CV_8UC3);
237 res = Mat::zeros(img2.size(),CV_8UC1);
253 seamlessClone(img0,img2,res1,point,blend,num);
319 img2 = imread(dest);
326 if(img2.empty())
334 res = Mat::zeros(img2.size(),CV_8UC1);
337 final1 = Mat::zeros(img2
[all...]

Completed in 1107 milliseconds

123