all               882 3rdparty/libjasper/jas_stream.c     int all;
all               886 3rdparty/libjasper/jas_stream.c     all = (n < 0) ? 1 : 0;
all               889 3rdparty/libjasper/jas_stream.c     while (all || m > 0) {
all               895 3rdparty/libjasper/jas_stream.c             return (!all || jas_stream_error(in)) ? (-1) : 0;
all              1154 apps/traincascade/old_ml.hpp                                    const cv::Range& slice=cv::Range::all(), bool rawMode=false,
all              1593 apps/traincascade/old_ml.hpp                            const cv::Range& slice = cv::Range::all(),
all              2158 apps/traincascade/old_ml_boost.cpp                    slice == Range::all() ? CV_WHOLE_SEQ : cvSlice(slice.start, slice.end),
all               166 modules/calib3d/misc/java/test/Calib3dTest.java         Imgproc.circle(dst, center, 1, Scalar.all(4096));
all               126 modules/calib3d/perf/perf_pnp.cpp     Mat dist_coef(1, 8, CV_32F, cv::Scalar::all(0));
all                60 modules/calib3d/src/circlesgrid.cpp void drawPoints(const std::vector<Point2f> &points, Mat &outImage, int radius = 2,  Scalar color = Scalar::all(255), int thickness = -1)
all               330 modules/calib3d/src/compat_ptsetreg.cpp         Hz.setTo(cv::Scalar::all(0));
all               356 modules/calib3d/src/compat_ptsetreg.cpp         FM0z.setTo(cv::Scalar::all(0));
all               428 modules/calib3d/src/fisheye.cpp     Vec4d k = Vec4d::all(0);
all              1086 modules/calib3d/src/fisheye.cpp     f(Vec2d::all(0)), c(Vec2d::all(0)), k(Vec4d::all(0)), alpha(0), isEstimate(9,0)
all               477 modules/calib3d/src/five-point.cpp     P1(Range::all(), Range(0, 3)) = R1 * 1.0; P1.col(3) = t * 1.0;
all               478 modules/calib3d/src/five-point.cpp     P2(Range::all(), Range(0, 3)) = R2 * 1.0; P2.col(3) = t * 1.0;
all               479 modules/calib3d/src/five-point.cpp     P3(Range::all(), Range(0, 3)) = R1 * 1.0; P3.col(3) = -t * 1.0;
all               480 modules/calib3d/src/five-point.cpp     P4(Range::all(), Range(0, 3)) = R2 * 1.0; P4.col(3) = -t * 1.0;
all               158 modules/calib3d/src/fundam.cpp         _LtL.setTo(Scalar::all(0));
all               600 modules/calib3d/src/fundam.cpp     A.setTo(Scalar::all(0));
all               767 modules/calib3d/src/fundam.cpp             mask.setTo(Scalar::all(1));
all               203 modules/calib3d/src/ptsetreg.cpp             bestMask.setTo(Scalar::all(1));
all               310 modules/calib3d/src/ptsetreg.cpp             mask.setTo(Scalar::all(1));
all               417 modules/calib3d/src/ptsetreg.cpp         A = Scalar::all(0);
all               979 modules/calib3d/src/stereobm.cpp             part = Scalar::all(FILTERED);
all               984 modules/calib3d/src/stereobm.cpp             part = Scalar::all(FILTERED);
all              1005 modules/calib3d/src/stereobm.cpp             part = Scalar::all(FILTERED);
all              1010 modules/calib3d/src/stereobm.cpp             part = Scalar::all(FILTERED);
all              1115 modules/calib3d/src/stereobm.cpp             disp0 = Scalar::all( FILTERED * ( disp0.type() < CV_32F ? 1 : 1./(1 << DISPARITY_SHIFT) ) );
all               357 modules/calib3d/src/stereosgbm.cpp         disp1 = Scalar::all(INVALID_DISP_SCALED);
all               146 modules/calib3d/test/test_affine3d_estimator.cpp     randu(fpts, Scalar::all(0), Scalar::all(100));
all               745 modules/calib3d/test/test_cameracalibration.cpp     Mat cameraMatrix, distCoeffs(1,4,CV_64F,Scalar::all(0));
all              1354 modules/calib3d/test/test_cameracalibration.cpp         temp = Scalar::all(1);
all              1459 modules/calib3d/test/test_cameracalibration.cpp         D1 = Scalar::all(0);
all              1460 modules/calib3d/test/test_cameracalibration.cpp         D2 = Scalar::all(0);
all               382 modules/calib3d/test/test_cameracalibration_artificial.cpp             randu(bg, Scalar::all(32), Scalar::all(255));
all               506 modules/calib3d/test/test_cameracalibration_badarg.cpp         randu(objectPoints_cpp, Scalar::all(1), Scalar::all(10));
all               164 modules/calib3d/test/test_chessboardgenerator.cpp         drawContours(result, whole_contour, -1, Scalar::all(255), FILLED, LINE_AA);
all               165 modules/calib3d/test/test_chessboardgenerator.cpp         drawContours(result, squares_black, -1, Scalar::all(0), FILLED, LINE_AA);
all               171 modules/calib3d/test/test_chessboardgenerator.cpp         drawContours(tmp, whole_contour, -1, Scalar::all(255), FILLED, LINE_AA);
all               172 modules/calib3d/test/test_chessboardgenerator.cpp         drawContours(tmp, squares_black, -1, Scalar::all(0), FILLED, LINE_AA);
all               377 modules/calib3d/test/test_chesscorners.cpp     Mat bg(Size(800, 600), CV_8UC3, Scalar::all(255));
all               378 modules/calib3d/test/test_chesscorners.cpp     randu(bg, Scalar::all(0), Scalar::all(255));
all               463 modules/calib3d/test/test_chesscorners.cpp         cv::drawContours(cb, cnts, -1, Scalar::all(128), FILLED);
all                95 modules/calib3d/test/test_fisheye.cpp     cv::fisheye::projectPoints(undist2, distorted2, cv::Vec3d::all(0), cv::Vec3d::all(0), this->K, this->D);
all               486 modules/calib3d/test/test_fundam.cpp             rng->fill(noise, RNG::NORMAL, Scalar::all(0), Scalar::all(sigma) );
all               750 modules/calib3d/test/test_fundam.cpp             setIdentity(test_mat[OUTPUT][4], Scalar::all(1.));
all               753 modules/calib3d/test/test_fundam.cpp         setIdentity(test_mat[REF_OUTPUT][4], Scalar::all(1.));
all               398 modules/calib3d/test/test_homography.cpp         rng.fill(noise_2f, RNG::NORMAL, Scalar::all(0), Scalar::all(sigma));
all               271 modules/calib3d/test/test_solvepnp_ransac.cpp     Mat dist_coef(1, 8, CV_32F, cv::Scalar::all(0));
all               168 modules/calib3d/test/test_stereomatching.cpp         rightDisp.setTo(Scalar::all(0) );
all               188 modules/calib3d/test/test_stereomatching.cpp         occludedMask->setTo(Scalar::all(0) );
all               193 modules/calib3d/test/test_stereomatching.cpp         nonOccludedMask->setTo(Scalar::all(0) );
all               281 modules/calib3d/test/test_undistort.cpp     _proj = Scalar::all(0);
all               742 modules/calib3d/test/test_undistort.cpp     _new_cam = Scalar::all(0);
all                75 modules/core/include/opencv2/core/affine.hpp         Affine3(const Mat3& R, const Vec3& t = Vec3::all(0));
all                78 modules/core/include/opencv2/core/affine.hpp         Affine3(const Vec3& rvec, const Vec3& t = Vec3::all(0));
all                81 modules/core/include/opencv2/core/affine.hpp         explicit Affine3(const Mat& data, const Vec3& t = Vec3::all(0));
all              2879 modules/core/include/opencv2/core/core_c.h     void copyTo(std::vector<_Tp>& vec, const Range& range=Range::all()) const;
all              3041 modules/core/include/opencv2/core/core_c.h     size_t len = !seq ? 0 : range == Range::all() ? seq->total : range.end - range.start;
all               247 modules/core/include/opencv2/core/cuda.inl.hpp     return GpuMat(*this, Range(y, y+1), Range::all());
all               253 modules/core/include/opencv2/core/cuda.inl.hpp     return GpuMat(*this, Range::all(), Range(x, x+1));
all               259 modules/core/include/opencv2/core/cuda.inl.hpp     return GpuMat(*this, Range(startrow, endrow), Range::all());
all               265 modules/core/include/opencv2/core/cuda.inl.hpp     return GpuMat(*this, r, Range::all());
all               271 modules/core/include/opencv2/core/cuda.inl.hpp     return GpuMat(*this, Range::all(), Range(startcol, endcol));
all               277 modules/core/include/opencv2/core/cuda.inl.hpp     return GpuMat(*this, Range::all(), r);
all                65 modules/core/include/opencv2/core/cuda/border_interpolate.hpp         explicit __host__ __device__ __forceinline__ BrdRowConstant(int width_, const D& val_ = VecTraits<D>::all(0)) : width(width_), val(val_) {}
all                90 modules/core/include/opencv2/core/cuda/border_interpolate.hpp         explicit __host__ __device__ __forceinline__ BrdColConstant(int height_, const D& val_ = VecTraits<D>::all(0)) : height(height_), val(val_) {}
all               115 modules/core/include/opencv2/core/cuda/border_interpolate.hpp         __host__ __device__ __forceinline__ BrdConstant(int height_, int width_, const D& val_ = VecTraits<D>::all(0)) : height(height_), width(width_), val(val_)
all                94 modules/core/include/opencv2/core/cuda/filters.hpp             work_type out = VecTraits<work_type>::all(0);
all               157 modules/core/include/opencv2/core/cuda/filters.hpp             work_type sum = VecTraits<work_type>::all(0);
all               170 modules/core/include/opencv2/core/cuda/filters.hpp             work_type res = (!wsum)? VecTraits<work_type>::all(0) : sum / wsum;
all               201 modules/core/include/opencv2/core/cuda/filters.hpp             work_type out = VecTraits<work_type>::all(0.f);
all               241 modules/core/include/opencv2/core/cuda/filters.hpp             work_type out = VecTraits<work_type>::all(0.f);
all               173 modules/core/include/opencv2/core/cuda/vec_traits.hpp         static __device__ __host__ __forceinline__ type all(type v) {return v;} \
all               181 modules/core/include/opencv2/core/cuda/vec_traits.hpp         static __device__ __host__ __forceinline__ type ## 1 all(type v) {return make_ ## type ## 1(v);} \
all               189 modules/core/include/opencv2/core/cuda/vec_traits.hpp         static __device__ __host__ __forceinline__ type ## 2 all(type v) {return make_ ## type ## 2(v, v);} \
all               197 modules/core/include/opencv2/core/cuda/vec_traits.hpp         static __device__ __host__ __forceinline__ type ## 3 all(type v) {return make_ ## type ## 3(v, v, v);} \
all               205 modules/core/include/opencv2/core/cuda/vec_traits.hpp         static __device__ __host__ __forceinline__ type ## 4 all(type v) {return make_ ## type ## 4(v, v, v, v);} \
all               213 modules/core/include/opencv2/core/cuda/vec_traits.hpp         static __device__ __host__ __forceinline__ type ## 8 all(type v) {return make_ ## type ## 8(v, v, v, v, v, v, v, v);} \
all               232 modules/core/include/opencv2/core/cuda/vec_traits.hpp         static __device__ __host__ __forceinline__ char all(char v) {return v;}
all               864 modules/core/include/opencv2/core/mat.hpp     Mat(const Mat& m, const Range& rowRange, const Range& colRange=Range::all());
all              1975 modules/core/include/opencv2/core/mat.hpp     Mat_(const Mat_& m, const Range& rowRange, const Range& colRange=Range::all());
all              2140 modules/core/include/opencv2/core/mat.hpp     UMat(const UMat& m, const Range& rowRange, const Range& colRange=Range::all());
all               591 modules/core/include/opencv2/core/mat.inl.hpp     return Mat(*this, Range(y, y + 1), Range::all());
all               597 modules/core/include/opencv2/core/mat.inl.hpp     return Mat(*this, Range::all(), Range(x, x + 1));
all               603 modules/core/include/opencv2/core/mat.inl.hpp     return Mat(*this, Range(startrow, endrow), Range::all());
all               609 modules/core/include/opencv2/core/mat.inl.hpp     return Mat(*this, r, Range::all());
all               615 modules/core/include/opencv2/core/mat.inl.hpp     return Mat(*this, Range::all(), Range(startcol, endcol));
all               621 modules/core/include/opencv2/core/mat.inl.hpp     return Mat(*this, Range::all(), r);
all              1383 modules/core/include/opencv2/core/mat.inl.hpp     return Mat_(*this, Range(y, y+1), Range::all());
all              1389 modules/core/include/opencv2/core/mat.inl.hpp     return Mat_(*this, Range::all(), Range(x, x+1));
all              3234 modules/core/include/opencv2/core/mat.inl.hpp     return UMat(*this, Range(y, y + 1), Range::all());
all              3240 modules/core/include/opencv2/core/mat.inl.hpp     return UMat(*this, Range::all(), Range(x, x + 1));
all              3246 modules/core/include/opencv2/core/mat.inl.hpp     return UMat(*this, Range(startrow, endrow), Range::all());
all              3252 modules/core/include/opencv2/core/mat.inl.hpp     return UMat(*this, r, Range::all());
all              3258 modules/core/include/opencv2/core/mat.inl.hpp     return UMat(*this, Range::all(), Range(startcol, endcol));
all              3264 modules/core/include/opencv2/core/mat.inl.hpp     return UMat(*this, Range::all(), r);
all               123 modules/core/include/opencv2/core/matx.hpp     static Matx all(_Tp alpha);
all               326 modules/core/include/opencv2/core/matx.hpp     static Vec all(_Tp alpha);
all               610 modules/core/include/opencv2/core/matx.hpp     return all(0);
all               616 modules/core/include/opencv2/core/matx.hpp     return all(1);
all               504 modules/core/include/opencv2/core/opengl.hpp CV_EXPORTS void render(const Arrays& arr, int mode = POINTS, Scalar color = Scalar::all(255));
all               512 modules/core/include/opencv2/core/opengl.hpp CV_EXPORTS void render(const Arrays& arr, InputArray indices, int mode = POINTS, Scalar color = Scalar::all(255));
all               538 modules/core/include/opencv2/core/types.hpp     static Range all();
all               582 modules/core/include/opencv2/core/types.hpp     static Scalar_<_Tp> all(_Tp v0);
all              1105 modules/core/include/opencv2/core/types_c.h     operator cv::Range() const { return (start_index == 0 && end_index == CV_WHOLE_SEQ_END_INDEX ) ? cv::Range::all() : cv::Range(start_index, end_index); }
all                27 modules/core/misc/java/src/java/core+MatOfByte.java         super(m, Range.all());
all                29 modules/core/misc/java/src/java/core+MatOfDMatch.java         super(m, Range.all());
all                27 modules/core/misc/java/src/java/core+MatOfDouble.java         super(m, Range.all());
all                27 modules/core/misc/java/src/java/core+MatOfFloat.java         super(m, Range.all());
all                27 modules/core/misc/java/src/java/core+MatOfFloat4.java         super(m, Range.all());
all                27 modules/core/misc/java/src/java/core+MatOfFloat6.java         super(m, Range.all());
all                28 modules/core/misc/java/src/java/core+MatOfInt.java         super(m, Range.all());
all                28 modules/core/misc/java/src/java/core+MatOfInt4.java         super(m, Range.all());
all                29 modules/core/misc/java/src/java/core+MatOfKeyPoint.java         super(m, Range.all());
all                27 modules/core/misc/java/src/java/core+MatOfPoint.java         super(m, Range.all());
all                27 modules/core/misc/java/src/java/core+MatOfPoint2f.java         super(m, Range.all());
all                27 modules/core/misc/java/src/java/core+MatOfPoint3.java         super(m, Range.all());
all                27 modules/core/misc/java/src/java/core+MatOfPoint3f.java         super(m, Range.all());
all                28 modules/core/misc/java/src/java/core+MatOfRect.java         super(m, Range.all());
all              1856 modules/core/misc/java/test/CoreTest.java         Mat rgba144 = new Mat(matSize, matSize, CvType.CV_32FC4, Scalar.all(144));
all              1857 modules/core/misc/java/test/CoreTest.java         Mat rgba12 = new Mat(matSize, matSize, CvType.CV_32FC4, Scalar.all(12));
all               531 modules/core/misc/java/test/MatTest.java         dst = new Mat(rgba128.rows(), rgba128.cols(), CvType.CV_8UC4, Scalar.all(128));
all                22 modules/core/misc/java/test/RangeTest.java         range = Range.all();
all                17 modules/core/misc/java/test/ScalarTest.java         s2 = Scalar.all(1.0);
all                22 modules/core/misc/java/test/ScalarTest.java         dstScalar = Scalar.all(2.0);
all               145 modules/core/perf/cuda/perf_gpumat.cpp         cv::cuda::GpuMat dst(d_src.size(), d_src.type(), cv::Scalar::all(0));
all               151 modules/core/perf/cuda/perf_gpumat.cpp         cv::Mat dst(src.size(), src.type(), cv::Scalar::all(0));
all               342 modules/core/perf/opencl/perf_arithm.cpp                                OCL_TEST_TYPES, FlipType::all()))
all               560 modules/core/perf/opencl/perf_arithm.cpp                                OCL_TEST_TYPES_134, CmpCode::all()))
all               580 modules/core/perf/opencl/perf_arithm.cpp                                CmpCode::all()))
all               682 modules/core/perf/opencl/perf_arithm.cpp     OCL_TEST_CYCLE() cv::setIdentity(dst, cv::Scalar::all(181));
all               760 modules/core/perf/opencl/perf_arithm.cpp                                    OCL_TEST_TYPES_134, NormType::all()))
all               780 modules/core/perf/opencl/perf_arithm.cpp                                    OCL_TEST_TYPES_134, NormType::all()))
all               800 modules/core/perf/opencl/perf_arithm.cpp                                    OCL_TEST_TYPES_134, NormType::all()))
all               934 modules/core/perf/opencl/perf_arithm.cpp                                    NormalizeModes::all()))
all               952 modules/core/perf/opencl/perf_arithm.cpp                                    NormalizeModes::all()))
all              1078 modules/core/perf/opencl/perf_arithm.cpp                                    ReduceMinMaxOp::all()))
all              1109 modules/core/perf/opencl/perf_arithm.cpp                                    ReduceAccOp::all()))
all               171 modules/core/perf/opencl/perf_channels.cpp     UMat src(srcSize, depth), dst(srcSize, type, Scalar::all(17));
all                64 modules/core/perf/opencl/perf_gemm.cpp                     FlagType::all(), testing::Values(CV_32FC1, CV_32FC2)))
all                26 modules/core/perf/opencl/perf_matop.cpp     const Scalar s = Scalar::all(17);
all                48 modules/core/perf/opencl/perf_matop.cpp     const Scalar s = Scalar::all(17);
all                22 modules/core/perf/opencl/perf_usage_flags.cpp     UMat src(sz, CV_8UC1, Scalar::all(128));
all                28 modules/core/perf/opencl/perf_usage_flags.cpp         cv::add(src, Scalar::all(1), dst);
all                31 modules/core/perf/opencl/perf_usage_flags.cpp             cv::putText(canvas, "Test", Point(20, 20), FONT_HERSHEY_PLAIN, 1, Scalar::all(255));
all                34 modules/core/perf/opencl/perf_usage_flags.cpp         cv::subtract(dst, Scalar::all(1), final);
all                18 modules/core/perf/perf_compare.cpp                  CmpType::all()
all                41 modules/core/perf/perf_compare.cpp                  CmpType::all()
all                14 modules/core/perf/perf_dft.cpp #define TEST_MATS_DFT  testing::Combine(testing::Values(MAT_SIZES_DFT), testing::Values(MAT_TYPES_DFT), FlagsType::all(), testing::Values(true, false))
all                52 modules/core/perf/perf_dft.cpp                                     testing::Values(CV_32FC1, CV_64FC1), DCT_FlagsType::all()))
all                19 modules/core/perf/perf_reduce.cpp                 ROp::all()
all                47 modules/core/perf/perf_reduce.cpp                 ROp::all()
all              4945 modules/core/src/arithm.cpp                 return dst.setTo(Scalar::all(op == CMP_GT || op == CMP_GE || op == CMP_NE ? 255 : 0)), true;
all              4948 modules/core/src/arithm.cpp                 return dst.setTo(Scalar::all(op == CMP_LT || op == CMP_LE || op == CMP_NE ? 255 : 0)), true;
all              4958 modules/core/src/arithm.cpp                     return dst.setTo(Scalar::all(op == CMP_NE ? 255 : 0)), true;
all              5067 modules/core/src/arithm.cpp                 dst = Scalar::all(op == CMP_GT || op == CMP_GE || op == CMP_NE ? 255 : 0);
all              5073 modules/core/src/arithm.cpp                 dst = Scalar::all(op == CMP_LT || op == CMP_LE || op == CMP_NE ? 255 : 0);
all              5086 modules/core/src/arithm.cpp                     dst = Scalar::all(op == CMP_NE ? 255 : 0);
all              5957 modules/core/src/convert.cpp             Range all(0, dst.rows);
all              5959 modules/core/src/convert.cpp                 parallel_for_(all, *body, (double)std::max((size_t)1, dst.total()>>16));
all              5961 modules/core/src/convert.cpp                 (*body)(all);
all               108 modules/core/src/cuda_gpu_mat.cpp     if (rowRange_ == Range::all())
all               120 modules/core/src/cuda_gpu_mat.cpp     if (colRange_ == Range::all())
all              1396 modules/core/src/lapack.cpp         temp_u = Scalar::all(0);
all              1090 modules/core/src/lda.cpp     _eigenvalues = Mat(_eigenvalues, Range::all(), Range(0, _num_components));
all              1091 modules/core/src/lda.cpp     _eigenvectors = Mat(_eigenvectors, Range::all(), Range(0, _num_components));
all              1303 modules/core/src/mathfuncs.cpp             _dst.setTo(Scalar::all(1));
all              1376 modules/core/src/mathfuncs.cpp             _dst.setTo(Scalar::all(1));
all               737 modules/core/src/matmul.cpp         D.setTo(Scalar::all(0));
all               606 modules/core/src/matop.cpp     op->roi(*this, Range(y, y+1), Range::all(), e);
all               613 modules/core/src/matop.cpp     op->roi(*this, Range::all(), Range(x, x+1), e);
all               448 modules/core/src/matrix.cpp             rs[i] = Range::all();
all               454 modules/core/src/matrix.cpp     if( _rowRange != Range::all() && _rowRange != Range(0,rows) )
all               462 modules/core/src/matrix.cpp     if( _colRange != Range::all() && _colRange != Range(0,cols) )
all               532 modules/core/src/matrix.cpp         CV_Assert( r == Range::all() || (0 <= r.start && r.start < r.end && r.end <= m.size[i]) );
all               538 modules/core/src/matrix.cpp         if( r != Range::all() && r != Range(0, size.p[i]))
all              1035 modules/core/src/stat.cpp     Scalar s = Scalar::all(0);
all              3676 modules/core/src/stat.cpp         dist = Scalar::all(dtype == CV_32S ? (double)INT_MAX : (double)FLT_MAX);
all              3677 modules/core/src/stat.cpp         nidx = Scalar::all(-1);
all               318 modules/core/src/umatrix.cpp             rs[i] = Range::all();
all               324 modules/core/src/umatrix.cpp     if( _rowRange != Range::all() && _rowRange != Range(0,rows) )
all               332 modules/core/src/umatrix.cpp     if( _colRange != Range::all() && _colRange != Range(0,cols) )
all               388 modules/core/src/umatrix.cpp         CV_Assert( r == Range::all() || (0 <= r.start && r.start < r.end && r.end <= m.size[i]) );
all               394 modules/core/src/umatrix.cpp         if( r != Range::all() && r != Range(0, size.p[i]))
all               921 modules/core/src/umatrix.cpp     return UMat(rows, cols, type, Scalar::all(0));
all               926 modules/core/src/umatrix.cpp     return UMat(size, type, Scalar::all(0));
all               931 modules/core/src/umatrix.cpp     return UMat(ndims, sz, type, Scalar::all(0));
all              1019 modules/core/test/ocl/test_arithm.cpp     UMat um(size, CV_32SC1), umask(size, CV_8UC1, Scalar::all(0));
all              1020 modules/core/test/ocl/test_arithm.cpp     Mat m(size, CV_32SC1), mask(size, CV_8UC1, Scalar::all(0));
all                19 modules/core/test/test_arithm.cpp                    Scalar _gamma=Scalar::all(0), int _context=1)
all                21 modules/core/test/test_arithm.cpp     BaseElemWiseOp() { flags = 0; alpha = beta = 0; gamma = Scalar::all(0); ninputs = 0; context = 1; }
all                66 modules/core/test/test_arithm.cpp                 gamma = Scalar::all(gamma[0]);
all                98 modules/core/test/test_arithm.cpp     BaseAddOp(int _ninputs, int _flags, double _alpha, double _beta, Scalar _gamma=Scalar::all(0))
all               117 modules/core/test/test_arithm.cpp     AddOp() : BaseAddOp(2, FIX_ALPHA+FIX_BETA+FIX_GAMMA+SUPPORT_MASK, 1, 1, Scalar::all(0)) {}
all               130 modules/core/test/test_arithm.cpp     SubOp() : BaseAddOp(2, FIX_ALPHA+FIX_BETA+FIX_GAMMA+SUPPORT_MASK, 1, -1, Scalar::all(0)) {}
all               143 modules/core/test/test_arithm.cpp     AddSOp() : BaseAddOp(1, FIX_ALPHA+FIX_BETA+SUPPORT_MASK, 1, 0, Scalar::all(0)) {}
all               156 modules/core/test/test_arithm.cpp     SubRSOp() : BaseAddOp(1, FIX_ALPHA+FIX_BETA+SUPPORT_MASK, -1, 0, Scalar::all(0)) {}
all               169 modules/core/test/test_arithm.cpp     ScaleAddOp() : BaseAddOp(2, FIX_BETA+FIX_GAMMA, 1, 1, Scalar::all(0)) {}
all               183 modules/core/test/test_arithm.cpp     AddWeightedOp() : BaseAddOp(2, REAL_GAMMA, 1, 1, Scalar::all(0)) {}
all               196 modules/core/test/test_arithm.cpp     MulOp() : BaseElemWiseOp(2, FIX_BETA+FIX_GAMMA, 1, 1, Scalar::all(0)) {}
all               220 modules/core/test/test_arithm.cpp     DivOp() : BaseElemWiseOp(2, FIX_BETA+FIX_GAMMA, 1, 1, Scalar::all(0)) {}
all               237 modules/core/test/test_arithm.cpp     RecipOp() : BaseElemWiseOp(1, FIX_BETA+FIX_GAMMA, 1, 1, Scalar::all(0)) {}
all               254 modules/core/test/test_arithm.cpp     AbsDiffOp() : BaseAddOp(2, FIX_ALPHA+FIX_BETA+FIX_GAMMA, 1, -1, Scalar::all(0)) {}
all               261 modules/core/test/test_arithm.cpp         cvtest::add(src[0], 1, src[1], -1, Scalar::all(0), dst, src[0].type(), true);
all               267 modules/core/test/test_arithm.cpp     AbsDiffSOp() : BaseAddOp(1, FIX_ALPHA+FIX_BETA, 1, 0, Scalar::all(0)) {}
all               280 modules/core/test/test_arithm.cpp     LogicOp(char _opcode) : BaseElemWiseOp(2, FIX_ALPHA+FIX_BETA+FIX_GAMMA+SUPPORT_MASK, 1, 1, Scalar::all(0)), opcode(_opcode) {}
all               343 modules/core/test/test_arithm.cpp     MinOp() : BaseElemWiseOp(2, FIX_ALPHA+FIX_BETA+FIX_GAMMA, 1, 1, Scalar::all(0)) {}
all               360 modules/core/test/test_arithm.cpp     MaxOp() : BaseElemWiseOp(2, FIX_ALPHA+FIX_BETA+FIX_GAMMA, 1, 1, Scalar::all(0)) {}
all               377 modules/core/test/test_arithm.cpp     MinSOp() : BaseElemWiseOp(1, FIX_ALPHA+FIX_BETA+REAL_GAMMA, 1, 1, Scalar::all(0)) {}
all               394 modules/core/test/test_arithm.cpp     MaxSOp() : BaseElemWiseOp(1, FIX_ALPHA+FIX_BETA+REAL_GAMMA, 1, 1, Scalar::all(0)) {}
all               411 modules/core/test/test_arithm.cpp     CmpOp() : BaseElemWiseOp(2, FIX_ALPHA+FIX_BETA+FIX_GAMMA, 1, 1, Scalar::all(0)) { cmpop = 0; }
all               439 modules/core/test/test_arithm.cpp     CmpSOp() : BaseElemWiseOp(1, FIX_ALPHA+FIX_BETA+REAL_GAMMA, 1, 1, Scalar::all(0)) { cmpop = 0; }
all               469 modules/core/test/test_arithm.cpp     CopyOp() : BaseElemWiseOp(1, FIX_ALPHA+FIX_BETA+FIX_GAMMA+SUPPORT_MASK, 1, 1, Scalar::all(0)) {  }
all               491 modules/core/test/test_arithm.cpp     SetOp() : BaseElemWiseOp(0, FIX_ALPHA+FIX_BETA+SUPPORT_MASK, 1, 1, Scalar::all(0)) {}
all               652 modules/core/test/test_arithm.cpp     InRangeSOp() : BaseElemWiseOp(1, FIX_ALPHA+FIX_BETA, 1, 1, Scalar::all(0)) {}
all               682 modules/core/test/test_arithm.cpp     InRangeOp() : BaseElemWiseOp(3, FIX_ALPHA+FIX_BETA+FIX_GAMMA, 1, 1, Scalar::all(0)) {}
all               708 modules/core/test/test_arithm.cpp     ConvertScaleOp() : BaseElemWiseOp(1, FIX_BETA+REAL_GAMMA, 1, 1, Scalar::all(0)), ddepth(0) { }
all               734 modules/core/test/test_arithm.cpp             gamma = Scalar::all(0);
all               743 modules/core/test/test_arithm.cpp     ConvertScaleAbsOp() : BaseElemWiseOp(1, FIX_BETA+REAL_GAMMA, 1, 1, Scalar::all(0)) {}
all               750 modules/core/test/test_arithm.cpp         cvtest::add(src[0], alpha, Mat(), 0, Scalar::all(gamma[0]), dst, CV_8UC(src[0].channels()), true);
all               763 modules/core/test/test_arithm.cpp             gamma = Scalar::all(0);
all               811 modules/core/test/test_arithm.cpp     FlipOp() : BaseElemWiseOp(1, FIX_ALPHA+FIX_BETA+FIX_GAMMA, 1, 1, Scalar::all(0)) { flipcode = 0; }
all               837 modules/core/test/test_arithm.cpp     TransposeOp() : BaseElemWiseOp(1, FIX_ALPHA+FIX_BETA+FIX_GAMMA, 1, 1, Scalar::all(0)) {}
all               858 modules/core/test/test_arithm.cpp     SetIdentityOp() : BaseElemWiseOp(0, FIX_ALPHA+FIX_BETA, 1, 1, Scalar::all(0)) {}
all               879 modules/core/test/test_arithm.cpp     SetZeroOp() : BaseElemWiseOp(0, FIX_ALPHA+FIX_BETA+FIX_GAMMA, 1, 1, Scalar::all(0)) {}
all               882 modules/core/test/test_arithm.cpp         dst = Scalar::all(0);
all               886 modules/core/test/test_arithm.cpp         cvtest::set(dst, Scalar::all(0));
all               955 modules/core/test/test_arithm.cpp     ExpOp() : BaseElemWiseOp(1, FIX_ALPHA+FIX_BETA+FIX_GAMMA, 1, 1, Scalar::all(0)) {}
all               982 modules/core/test/test_arithm.cpp     LogOp() : BaseElemWiseOp(1, FIX_ALPHA+FIX_BETA+FIX_GAMMA, 1, 1, Scalar::all(0)) {}
all              1064 modules/core/test/test_arithm.cpp     CartToPolarToCartOp() : BaseElemWiseOp(2, FIX_ALPHA+FIX_BETA+FIX_GAMMA, 1, 1, Scalar::all(0))
all              1108 modules/core/test/test_arithm.cpp     MeanOp() : BaseElemWiseOp(1, FIX_ALPHA+FIX_BETA+FIX_GAMMA+SUPPORT_MASK+SCALAR_OUTPUT, 1, 1, Scalar::all(0))
all              1131 modules/core/test/test_arithm.cpp     SumOp() : BaseElemWiseOp(1, FIX_ALPHA+FIX_BETA+FIX_GAMMA+SCALAR_OUTPUT, 1, 1, Scalar::all(0))
all              1154 modules/core/test/test_arithm.cpp     CountNonZeroOp() : BaseElemWiseOp(1, FIX_ALPHA+FIX_BETA+FIX_GAMMA+SCALAR_OUTPUT+SUPPORT_MASK, 1, 1, Scalar::all(0))
all              1165 modules/core/test/test_arithm.cpp             temp.setTo(Scalar::all(0), mask);
all              1174 modules/core/test/test_arithm.cpp             cvtest::set(temp, Scalar::all(0), mask);
all              1190 modules/core/test/test_arithm.cpp     MeanStdDevOp() : BaseElemWiseOp(1, FIX_ALPHA+FIX_BETA+FIX_GAMMA+SUPPORT_MASK+SCALAR_OUTPUT, 1, 1, Scalar::all(0))
all              1231 modules/core/test/test_arithm.cpp     NormOp() : BaseElemWiseOp(2, FIX_ALPHA+FIX_BETA+FIX_GAMMA+SUPPORT_MASK+SCALAR_OUTPUT, 1, 1, Scalar::all(0))
all              1278 modules/core/test/test_arithm.cpp     MinMaxLocOp() : BaseElemWiseOp(1, FIX_ALPHA+FIX_BETA+FIX_GAMMA+SUPPORT_MASK+SCALAR_OUTPUT, 1, 1, Scalar::all(0))
all              1525 modules/core/test/test_arithm.cpp     cv::Mat src(1, 1, CV_8UC1, cv::Scalar::all(110)), dst;
all              1572 modules/core/test/test_arithm.cpp     cv::Mat src(size, CV_32FC1, cv::Scalar::all(2)), dst,
all              1573 modules/core/test/test_arithm.cpp             ref_dst(size, CV_32FC1, cv::Scalar::all(6));
all              1601 modules/core/test/test_arithm.cpp     cv::Mat src1(size, src_type, cv::Scalar::all(16));
all              1602 modules/core/test/test_arithm.cpp     cv::Mat src2(size, src_type, cv::Scalar::all(16));
all              1626 modules/core/test/test_arithm.cpp     cv::Mat src1(size, src_type, cv::Scalar::all(16));
all              1627 modules/core/test/test_arithm.cpp     cv::Mat src2(size, src_type, cv::Scalar::all(16));
all              1628 modules/core/test/test_arithm.cpp     cv::Mat mask(size, CV_8UC1, cv::Scalar::all(255));
all              1652 modules/core/test/test_arithm.cpp     cv::Mat src1(size, src_type, cv::Scalar::all(16));
all              1653 modules/core/test/test_arithm.cpp     cv::Mat src2(size, src_type, cv::Scalar::all(16));
all              1665 modules/core/test/test_arithm.cpp     cv::Mat src(size, src_type, cv::Scalar::all(16));
all              1671 modules/core/test/test_arithm.cpp         cv::subtract(src, cv::Scalar::all(16), dst, cv::noArray(), dst_depth);
all              1676 modules/core/test/test_arithm.cpp         cv::subtract(src, cv::Scalar::all(16), fixed_dst, cv::noArray(), dst_depth);
all              1689 modules/core/test/test_arithm.cpp     cv::Mat src(size, src_type, cv::Scalar::all(16));
all              1690 modules/core/test/test_arithm.cpp     cv::Mat mask(size, CV_8UC1, cv::Scalar::all(255));
all              1696 modules/core/test/test_arithm.cpp         cv::subtract(src, cv::Scalar::all(16), dst, mask, dst_depth);
all              1701 modules/core/test/test_arithm.cpp         cv::subtract(src, cv::Scalar::all(16), fixed_dst, mask, dst_depth);
all              1714 modules/core/test/test_arithm.cpp     cv::Mat src(size, src_type, cv::Scalar::all(16));
all              1720 modules/core/test/test_arithm.cpp         cv::subtract(cv::Scalar::all(16), src, dst, cv::noArray(), dst_depth);
all              1725 modules/core/test/test_arithm.cpp         cv::subtract(cv::Scalar::all(16), src, fixed_dst, cv::noArray(), dst_depth);
all              1738 modules/core/test/test_arithm.cpp     cv::Mat src(size, src_type, cv::Scalar::all(16));
all              1739 modules/core/test/test_arithm.cpp     cv::Mat mask(size, CV_8UC1, cv::Scalar::all(255));
all              1745 modules/core/test/test_arithm.cpp         cv::subtract(cv::Scalar::all(16), src, dst, mask, dst_depth);
all              1750 modules/core/test/test_arithm.cpp         cv::subtract(cv::Scalar::all(16), src, fixed_dst, mask, dst_depth);
all              1765 modules/core/test/test_arithm.cpp     cv::Mat src1(3, dims, src_type, cv::Scalar::all(16));
all              1766 modules/core/test/test_arithm.cpp     cv::Mat src2(3, dims, src_type, cv::Scalar::all(16));
all              1798 modules/core/test/test_arithm.cpp     Mat img(10, 10, CV_8U, Scalar::all(0));
all               140 modules/core/test/test_countnonzero.cpp         rng.fill(src, RNG::NORMAL, Scalar::all(mean), Scalar::all(sigma));
all               142 modules/core/test/test_countnonzero.cpp         rng.fill(src, RNG::UNIFORM, Scalar::all(left), Scalar::all(right));
all               544 modules/core/test/test_ds.cpp         cvtest::randUni( rng, m, Scalar::all(0), Scalar::all(256) );
all               714 modules/core/test/test_dxt.cpp             *tmp_src = Scalar::all(0);
all               851 modules/core/test/test_dxt.cpp             randu(src8u, Scalar::all(0), Scalar::all(10));
all               853 modules/core/test/test_dxt.cpp             dst = Scalar::all(123);
all               148 modules/core/test/test_eigen.cpp         cv::Mat src(1, 1, CV_32FC1, Scalar::all((float)value));
all               158 modules/core/test/test_eigen.cpp         cv::Mat src(1, 1, CV_64FC1, Scalar::all((double)value));
all               118 modules/core/test/test_io.cpp             rng0.fill(test_mat, CV_RAND_UNI, Scalar::all(ranges[depth][0]), Scalar::all(ranges[depth][1]));
all               123 modules/core/test/test_io.cpp                 rng0.fill(test_mat_scale, CV_RAND_UNI, Scalar::all(-1), Scalar::all(1));
all               154 modules/core/test/test_io.cpp             rng0.fill(test_mat_nd, CV_RAND_UNI, Scalar::all(ranges[depth][0]), Scalar::all(ranges[depth][1]));
all               159 modules/core/test/test_io.cpp                 rng0.fill(test_mat_scale, CV_RAND_UNI, Scalar::all(-1), Scalar::all(1));
all               306 modules/core/test/test_mat.cpp         rng.fill( rPoints, RNG::UNIFORM, Scalar::all(0.0), Scalar::all(1.0) );
all               307 modules/core/test/test_mat.cpp         rng.fill( rTestPoints, RNG::UNIFORM, Scalar::all(0.0), Scalar::all(1.0) );
all               672 modules/core/test/test_mat.cpp         rng.fill(A, CV_RAND_UNI, Scalar::all(-10), Scalar::all(10));
all               673 modules/core/test/test_mat.cpp         rng.fill(B, CV_RAND_UNI, Scalar::all(-10), Scalar::all(10));
all               148 modules/core/test/test_math.cpp     low = Scalar::all(l);
all               149 modules/core/test/test_math.cpp     high = Scalar::all(u);
all               688 modules/core/test/test_math.cpp     low = Scalar::all(-10.);
all               689 modules/core/test/test_math.cpp     high = Scalar::all(10.);
all               793 modules/core/test/test_math.cpp         cvtest::add( src, 1, delta, -1, Scalar::all(0), temp, temp.type());
all               873 modules/core/test/test_math.cpp         cvtest::add(m, scale, m, 0, Scalar::all(0), m, m.type() );
all               878 modules/core/test/test_math.cpp             m.setTo(Scalar::all(0), mask);
all              1127 modules/core/test/test_math.cpp                 Scalar::all(0), test_mat[TEMP][0], test_mat[TEMP][0].type() );
all              1276 modules/core/test/test_math.cpp         avg = Scalar::all(0);
all              1288 modules/core/test/test_math.cpp             cvtest::add(avg, 1, vec, 1, Scalar::all(0), avg, avg.type());
all              1291 modules/core/test/test_math.cpp         cvtest::add(avg, 1./count, avg, 0., Scalar::all(0), avg, avg.type());
all              1301 modules/core/test/test_math.cpp     cvtest::add( test_mat[INPUT][0], 1, temp0, -1, Scalar::all(0), temp0, temp0.type());
all              1629 modules/core/test/test_math.cpp         dst = Scalar::all(0);
all              1630 modules/core/test/test_math.cpp         dst0 = Scalar::all(0);
all              1639 modules/core/test/test_math.cpp     cv::setIdentity( dst0, Scalar::all(1) );
all              1755 modules/core/test/test_math.cpp             dst = Scalar::all(0);
all              1758 modules/core/test/test_math.cpp             dst0 = Scalar::all(det != 0);
all              1767 modules/core/test/test_math.cpp             dst = Scalar::all(0);
all              1768 modules/core/test/test_math.cpp             dst0 = Scalar::all(0);
all              1778 modules/core/test/test_math.cpp     dst0 = Scalar::all(0);
all              1946 modules/core/test/test_math.cpp         cv::setIdentity( test_mat[REF_OUTPUT][1], Scalar::all(1.) );
all              1954 modules/core/test/test_math.cpp         cv::setIdentity( test_mat[REF_OUTPUT][2], Scalar::all(1.) );
all              1976 modules/core/test/test_math.cpp     test_mat[REF_OUTPUT][3] = Scalar::all(1);
all              1982 modules/core/test/test_math.cpp             test_mat[TEMP][3] = Scalar::all(0);
all              2158 modules/core/test/test_math.cpp     wdb = Scalar::all(0);
all              2755 modules/core/test/test_math.cpp INSTANTIATE_TEST_CASE_P(AllVariants, Core_KMeans_InputVariants, KMeansInputVariant::all());
all               135 modules/core/test/test_operations.cpp         Scalar shift = Scalar::all(15);
all               509 modules/core/test/test_operations.cpp         Scalar shift = Scalar::all(15);
all               194 modules/core/test/test_rand.cpp             hist[c] = Scalar::all(0);
all               594 modules/core/test/test_umat.cpp         randu(a, Scalar::all(-100), Scalar::all(100));
all               607 modules/core/test/test_umat.cpp         ra += Scalar::all(1.f);
all               610 modules/core/test/test_umat.cpp             temp += Scalar::all(1.f);
all               618 modules/core/test/test_umat.cpp         randu(b, Scalar::all(-100), Scalar::all(100));
all               674 modules/core/test/test_umat.cpp         cv::subtract(ra, Scalar::all(5), rc);
all               675 modules/core/test/test_umat.cpp         cv::subtract(ura, Scalar::all(5), urc);
all               746 modules/core/test/test_umat.cpp         m.setTo(cv::Scalar::all(17));
all               749 modules/core/test/test_umat.cpp     um.setTo(cv::Scalar::all(19));
all               758 modules/core/test/test_umat.cpp     m.setTo(Scalar::all(0));
all               763 modules/core/test/test_umat.cpp         temp.setTo(Scalar::all(10));
all               767 modules/core/test/test_umat.cpp     um.setTo(Scalar::all(17));
all               815 modules/core/test/test_umat.cpp     UMat m(1, 10000, CV_32FC2, Scalar::all(-1));
all               816 modules/core/test/test_umat.cpp     Mat t(1, 9000, CV_32FC2, Scalar::all(-200)), t2(1, 9000, CV_32FC2, Scalar::all(-1));
all               871 modules/core/test/test_umat.cpp             add(u, Scalar::all(0), dst); // start async operation
all               937 modules/core/test/test_umat.cpp         add(u, Scalar::all(1), dst);
all               954 modules/core/test/test_umat.cpp         add(u, Scalar::all(1), u);
all               971 modules/core/test/test_umat.cpp         add(u, Scalar::all(1), dst);
all               987 modules/core/test/test_umat.cpp         add(u, Scalar::all(1), u);
all               178 modules/cudaarithm/perf/perf_core.cpp                     FlipCode::all()))
all               639 modules/cudaarithm/perf/perf_element_operations.cpp                     CmpCode::all()))
all               677 modules/cudaarithm/perf/perf_element_operations.cpp                     CmpCode::all()))
all               985 modules/cudaarithm/perf/perf_element_operations.cpp     const cv::Scalar_<int> val = cv::Scalar_<int>::all(4);
all              1019 modules/cudaarithm/perf/perf_element_operations.cpp     const cv::Scalar_<int> val = cv::Scalar_<int>::all(4);
all              1471 modules/cudaarithm/perf/perf_element_operations.cpp             ThreshOp::all()))
all               350 modules/cudaarithm/perf/perf_reductions.cpp                     ReduceCode::all(),
all               351 modules/cudaarithm/perf/perf_reductions.cpp                     ReduceDim::all()))
all               209 modules/cudaarithm/src/arithm.cpp             dst.setTo(Scalar::all(0), stream);
all               392 modules/cudaarithm/src/arithm.cpp         cuda::multiply(_dst, Scalar::all(1. / dft_size.area()), _dst, 1, -1, stream);
all               330 modules/cudaarithm/test/test_arithm.cpp         cv::Mat tempA(dftSize, A.type(), cv::Scalar::all(0));
all               331 modules/cudaarithm/test/test_arithm.cpp         cv::Mat tempB(dftSize, B.type(), cv::Scalar::all(0));
all                65 modules/cudaarithm/test/test_buffer_pool.cpp             buf0.setTo(Scalar::all(0), stream);
all                79 modules/cudaarithm/test/test_buffer_pool.cpp             buf2.setTo(Scalar::all(2), stream);
all                87 modules/cudaarithm/test/test_buffer_pool.cpp         EXPECT_MAT_NEAR(Mat(Size(640, 480), CV_8UC1, Scalar::all(1)), dst_1, 0.0);
all                88 modules/cudaarithm/test/test_buffer_pool.cpp         EXPECT_MAT_NEAR(Mat(Size(1280, 1024), CV_32SC1, Scalar::all(2)), dst_2, 0.0);
all                77 modules/cudaarithm/test/test_core.cpp         src.push_back(cv::Mat(size, depth, cv::Scalar::all(i)));
all                98 modules/cudaarithm/test/test_element_operations.cpp         dst.setTo(cv::Scalar::all(0));
all               101 modules/cudaarithm/test/test_element_operations.cpp         cv::Mat dst_gold(size, dtype, cv::Scalar::all(0));
all               160 modules/cudaarithm/test/test_element_operations.cpp         dst.setTo(cv::Scalar::all(0));
all               163 modules/cudaarithm/test/test_element_operations.cpp         cv::Mat dst_gold(size, dtype, cv::Scalar::all(0));
all               217 modules/cudaarithm/test/test_element_operations.cpp         dst.setTo(cv::Scalar::all(0));
all               220 modules/cudaarithm/test/test_element_operations.cpp         cv::Mat dst_gold(size, depth.second, cv::Scalar::all(0));
all               248 modules/cudaarithm/test/test_element_operations.cpp         dst.setTo(cv::Scalar::all(0));
all               251 modules/cudaarithm/test/test_element_operations.cpp         cv::Mat dst_gold(size, depth.second, cv::Scalar::all(0));
all               305 modules/cudaarithm/test/test_element_operations.cpp         dst.setTo(cv::Scalar::all(0));
all               308 modules/cudaarithm/test/test_element_operations.cpp         cv::Mat dst_gold(size, depth.second, cv::Scalar::all(0));
all               336 modules/cudaarithm/test/test_element_operations.cpp         dst.setTo(cv::Scalar::all(0));
all               339 modules/cudaarithm/test/test_element_operations.cpp         cv::Mat dst_gold(size, depth.second, cv::Scalar::all(0));
all               401 modules/cudaarithm/test/test_element_operations.cpp         dst.setTo(cv::Scalar::all(0));
all               404 modules/cudaarithm/test/test_element_operations.cpp         cv::Mat dst_gold(size, dtype, cv::Scalar::all(0));
all               463 modules/cudaarithm/test/test_element_operations.cpp         dst.setTo(cv::Scalar::all(0));
all               466 modules/cudaarithm/test/test_element_operations.cpp         cv::Mat dst_gold(size, dtype, cv::Scalar::all(0));
all               520 modules/cudaarithm/test/test_element_operations.cpp         dst.setTo(cv::Scalar::all(0));
all               523 modules/cudaarithm/test/test_element_operations.cpp         cv::Mat dst_gold(size, depth.second, cv::Scalar::all(0));
all               551 modules/cudaarithm/test/test_element_operations.cpp         dst.setTo(cv::Scalar::all(0));
all               554 modules/cudaarithm/test/test_element_operations.cpp         cv::Mat dst_gold(size, depth.second, cv::Scalar::all(0));
all               608 modules/cudaarithm/test/test_element_operations.cpp         dst.setTo(cv::Scalar::all(0));
all               611 modules/cudaarithm/test/test_element_operations.cpp         cv::Mat dst_gold(size, depth.second, cv::Scalar::all(0));
all               639 modules/cudaarithm/test/test_element_operations.cpp         dst.setTo(cv::Scalar::all(0));
all               642 modules/cudaarithm/test/test_element_operations.cpp         cv::Mat dst_gold(size, depth.second, cv::Scalar::all(0));
all                75 modules/cudaarithm/test/test_gpumat.cpp     cv::Scalar zero = cv::Scalar::all(0);
all                85 modules/cudaarithm/test/test_gpumat.cpp     cv::Scalar val = cv::Scalar::all(randomDouble(0.0, 255.0));
all               186 modules/cudaarithm/test/test_reductions.cpp         cv::Scalar sum = cv::Scalar::all(0);
all               223 modules/cudaarithm/test/test_reductions.cpp         cv::Scalar sum = cv::Scalar::all(0);
all               953 modules/cudaarithm/test/test_reductions.cpp     dst.setTo(cv::Scalar::all(0));
all               957 modules/cudaarithm/test/test_reductions.cpp     dst_gold.setTo(cv::Scalar::all(0));
all                94 modules/cudaarithm/test/test_stream.cpp     d_dst.setTo(cv::Scalar::all(0), stream);
all               195 modules/cudabgsegm/src/mog.cpp         weight_.setTo(cv::Scalar::all(0));
all               196 modules/cudabgsegm/src/mog.cpp         sortKey_.setTo(cv::Scalar::all(0));
all               197 modules/cudabgsegm/src/mog.cpp         mean_.setTo(cv::Scalar::all(0));
all               198 modules/cudabgsegm/src/mog.cpp         var_.setTo(cv::Scalar::all(0));
all               194 modules/cudabgsegm/src/mog2.cpp         fgmask.setTo(Scalar::all(0), stream);
all               242 modules/cudabgsegm/src/mog2.cpp         bgmodelUsedModes_.setTo(Scalar::all(0));
all               650 modules/cudafeatures2d/src/brute_force_matcher.cpp         trainIdx.setTo(Scalar::all(-1), stream);
all               721 modules/cudafeatures2d/src/brute_force_matcher.cpp         trainIdx.setTo(Scalar::all(-1), stream);
all               907 modules/cudafeatures2d/src/brute_force_matcher.cpp         nMatches.setTo(Scalar::all(0), stream);
all               974 modules/cudafeatures2d/src/brute_force_matcher.cpp         nMatches.setTo(Scalar::all(0), stream);
all               131 modules/cudafeatures2d/src/fast.cpp             score.setTo(Scalar::all(0), stream);
all               162 modules/cudafeatures2d/src/fast.cpp             keypoints.row(1).setTo(Scalar::all(0), stream);
all               436 modules/cudafeatures2d/src/orb.cpp         pattern.setTo(Scalar::all(0));
all               618 modules/cudafeatures2d/src/orb.cpp             maskPyr_[level].setTo(Scalar::all(255));
all               651 modules/cudafeatures2d/src/orb.cpp             buf_.setTo(Scalar::all(0));
all               653 modules/cudafeatures2d/src/orb.cpp             buf_(inner).setTo(Scalar::all(255));
all               799 modules/cudafeatures2d/src/orb.cpp             keyPointsRange.row(4).setTo(Scalar::all(level));
all               800 modules/cudafeatures2d/src/orb.cpp             keyPointsRange.row(5).setTo(Scalar::all(patchSize_ * sf));
all               162 modules/cudafeatures2d/test/test_features2d.cpp     cv::Mat mask(image.size(), CV_8UC1, cv::Scalar::all(1));
all               163 modules/cudafeatures2d/test/test_features2d.cpp     mask(cv::Range(0, image.rows / 2), cv::Range(0, image.cols / 2)).setTo(cv::Scalar::all(0));
all               257 modules/cudafeatures2d/test/test_features2d.cpp         rng.fill(queryBuf, cv::RNG::UNIFORM, cv::Scalar::all(0), cv::Scalar::all(3));
all               295 modules/cudafeatures2d/test/test_features2d.cpp         mask.setTo(cv::Scalar::all(1));
all               329 modules/cudafeatures2d/test/test_features2d.cpp         masks[mi] = cv::cuda::GpuMat(query.rows, train.rows/2, CV_8UC1, cv::Scalar::all(1));
all               331 modules/cudafeatures2d/test/test_features2d.cpp             masks[mi].col(di * countFactor).setTo(cv::Scalar::all(0));
all               380 modules/cudafeatures2d/test/test_features2d.cpp         mask.setTo(cv::Scalar::all(1));
all               420 modules/cudafeatures2d/test/test_features2d.cpp         mask.setTo(cv::Scalar::all(1));
all               466 modules/cudafeatures2d/test/test_features2d.cpp         masks[mi] = cv::cuda::GpuMat(query.rows, train.rows / 2, CV_8UC1, cv::Scalar::all(1));
all               468 modules/cudafeatures2d/test/test_features2d.cpp             masks[mi].col(di * countFactor).setTo(cv::Scalar::all(0));
all               529 modules/cudafeatures2d/test/test_features2d.cpp         masks[mi] = cv::cuda::GpuMat(query.rows, train.rows / 2, CV_8UC1, cv::Scalar::all(1));
all               531 modules/cudafeatures2d/test/test_features2d.cpp             masks[mi].col(di * countFactor).setTo(cv::Scalar::all(0));
all               600 modules/cudafeatures2d/test/test_features2d.cpp             mask.setTo(cv::Scalar::all(1));
all               643 modules/cudafeatures2d/test/test_features2d.cpp         masks[mi] = cv::cuda::GpuMat(query.rows, train.rows / 2, CV_8UC1, cv::Scalar::all(1));
all               645 modules/cudafeatures2d/test/test_features2d.cpp             masks[mi].col(di * countFactor).setTo(cv::Scalar::all(0));
all               103 modules/cudafilters/include/opencv2/cudafilters.hpp                                        int borderMode = BORDER_DEFAULT, Scalar borderVal = Scalar::all(0));
all               121 modules/cudafilters/include/opencv2/cudafilters.hpp                                           int borderMode = BORDER_DEFAULT, Scalar borderVal = Scalar::all(0));
all               140 modules/cudafilters/include/opencv2/cudafilters.hpp                                              int borderMode = BORDER_DEFAULT, Scalar borderVal = Scalar::all(0));
all               276 modules/cudafilters/include/opencv2/cudafilters.hpp                                           int borderMode = BORDER_DEFAULT, Scalar borderVal = Scalar::all(0));
all               288 modules/cudafilters/include/opencv2/cudafilters.hpp                                           int borderMode = BORDER_DEFAULT, Scalar borderVal = Scalar::all(0));
all               302 modules/cudafilters/include/opencv2/cudafilters.hpp CV_EXPORTS Ptr<Filter> createRowSumFilter(int srcType, int dstType, int ksize, int anchor = -1, int borderMode = BORDER_DEFAULT, Scalar borderVal = Scalar::all(0));
all               313 modules/cudafilters/include/opencv2/cudafilters.hpp CV_EXPORTS Ptr<Filter> createColumnSumFilter(int srcType, int dstType, int ksize, int anchor = -1, int borderMode = BORDER_DEFAULT, Scalar borderVal = Scalar::all(0));
all               345 modules/cudafilters/perf/perf_filters.cpp PERF_TEST_P(Sz_Type_Op, MorphologyEx, Combine(CUDA_TYPICAL_MAT_SIZES, Values(CV_8UC1, CV_8UC4), MorphOp::all()))
all               134 modules/cudafilters/src/cuda/column_filter.hpp                 sum_t sum = VecTraits<sum_t>::all(0);
all               134 modules/cudafilters/src/cuda/row_filter.hpp                 sum_t sum = VecTraits<sum_t>::all(0);
all               580 modules/cudafilters/src/filtering.cpp             buf_.setTo(Scalar::all(0), _stream);
all               645 modules/cudafilters/test/test_filters.cpp     MorphOp::all(),
all                67 modules/cudaimgproc/perf/perf_blend.cpp     const cv::Mat weights1(size, CV_32FC1, cv::Scalar::all(0.5));
all                68 modules/cudaimgproc/perf/perf_blend.cpp     const cv::Mat weights2(size, CV_32FC1, cv::Scalar::all(0.5));
all               157 modules/cudaimgproc/perf/perf_color.cpp                     DemosaicingCode::all()))
all               228 modules/cudaimgproc/perf/perf_color.cpp                     AlphaOp::all()))
all                94 modules/cudaimgproc/perf/perf_hough.cpp     cv::Mat src(size, CV_8UC1, cv::Scalar::all(0));
all                95 modules/cudaimgproc/perf/perf_hough.cpp     cv::line(src, cv::Point(0, 100), cv::Point(src.cols, 100), cv::Scalar::all(255), 1);
all                96 modules/cudaimgproc/perf/perf_hough.cpp     cv::line(src, cv::Point(0, 200), cv::Point(src.cols, 200), cv::Scalar::all(255), 1);
all                97 modules/cudaimgproc/perf/perf_hough.cpp     cv::line(src, cv::Point(0, 400), cv::Point(src.cols, 400), cv::Scalar::all(255), 1);
all                98 modules/cudaimgproc/perf/perf_hough.cpp     cv::line(src, cv::Point(100, 0), cv::Point(100, src.rows), cv::Scalar::all(255), 1);
all                99 modules/cudaimgproc/perf/perf_hough.cpp     cv::line(src, cv::Point(200, 0), cv::Point(200, src.rows), cv::Scalar::all(255), 1);
all               100 modules/cudaimgproc/perf/perf_hough.cpp     cv::line(src, cv::Point(400, 0), cv::Point(400, src.rows), cv::Scalar::all(255), 1);
all               197 modules/cudaimgproc/perf/perf_hough.cpp     cv::Mat src(size, CV_8UC1, cv::Scalar::all(0));
all               198 modules/cudaimgproc/perf/perf_hough.cpp     cv::circle(src, cv::Point(100, 100), 20, cv::Scalar::all(255), -1);
all               199 modules/cudaimgproc/perf/perf_hough.cpp     cv::circle(src, cv::Point(200, 200), 25, cv::Scalar::all(255), -1);
all               200 modules/cudaimgproc/perf/perf_hough.cpp     cv::circle(src, cv::Point(200, 100), 25, cv::Scalar::all(255), -1);
all               239 modules/cudaimgproc/perf/perf_hough.cpp     cv::Mat image(imageSize, CV_8UC1, cv::Scalar::all(0));
all               287 modules/cudaimgproc/perf/perf_hough.cpp     cv::Mat image(imageSize, CV_8UC1, cv::Scalar::all(0));
all                60 modules/cudaimgproc/perf/perf_match_template.cpp                     TemplateMethod::all()))
all               220 modules/cudaimgproc/src/canny.cpp         map_.setTo(Scalar::all(0));
all              2139 modules/cudaimgproc/src/color.cpp         dst.setTo(Scalar::all(0), stream);
all              2167 modules/cudaimgproc/src/color.cpp         dst.setTo(Scalar::all(0), stream);
all               505 modules/cudaimgproc/src/generalized_hough.cpp         r_sizes_.setTo(Scalar::all(0));
all               533 modules/cudaimgproc/src/generalized_hough.cpp         hist_.setTo(Scalar::all(0));
all               815 modules/cudaimgproc/src/generalized_hough.cpp         sizes.setTo(Scalar::all(0));
all               846 modules/cudaimgproc/src/generalized_hough.cpp         hist_.setTo(Scalar::all(0));
all               870 modules/cudaimgproc/src/generalized_hough.cpp         hist_.setTo(Scalar::all(0));
all               892 modules/cudaimgproc/src/generalized_hough.cpp         hist_.setTo(Scalar::all(0));
all                83 modules/cudaimgproc/src/histogram.cpp     hist.setTo(Scalar::all(0), stream);
all               198 modules/cudaimgproc/src/hough_circles.cpp         accum_.setTo(Scalar::all(0));
all               157 modules/cudaimgproc/src/hough_lines.cpp         accum_.setTo(Scalar::all(0));
all               161 modules/cudaimgproc/src/hough_segments.cpp         accum_.setTo(Scalar::all(0));
all               680 modules/cudaimgproc/test/test_color.cpp     channels[3] = cv::Mat(src.size(), depth, cv::Scalar::all(0));
all               699 modules/cudaimgproc/test/test_color.cpp     channels[3] = cv::Mat(src.size(), depth, cv::Scalar::all(0));
all               815 modules/cudaimgproc/test/test_color.cpp     channels[3] = cv::Mat(src.size(), depth, cv::Scalar::all(0));
all               834 modules/cudaimgproc/test/test_color.cpp     channels[3] = cv::Mat(src.size(), depth, cv::Scalar::all(0));
all              1052 modules/cudaimgproc/test/test_color.cpp     channels[3] = cv::Mat(src.size(), depth, cv::Scalar::all(0));
all              1074 modules/cudaimgproc/test/test_color.cpp     channels[3] = cv::Mat(src.size(), depth, cv::Scalar::all(0));
all              1130 modules/cudaimgproc/test/test_color.cpp     channels[3] = cv::Mat(src.size(), depth, cv::Scalar::all(0));
all              1152 modules/cudaimgproc/test/test_color.cpp     channels[3] = cv::Mat(src.size(), depth, cv::Scalar::all(0));
all              1371 modules/cudaimgproc/test/test_color.cpp     channels[3] = cv::Mat(src.size(), depth, cv::Scalar::all(0));
all              1393 modules/cudaimgproc/test/test_color.cpp     channels[3] = cv::Mat(src.size(), depth, cv::Scalar::all(0));
all              1449 modules/cudaimgproc/test/test_color.cpp     channels[3] = cv::Mat(src.size(), depth, cv::Scalar::all(0));
all              1471 modules/cudaimgproc/test/test_color.cpp     channels[3] = cv::Mat(src.size(), depth, cv::Scalar::all(0));
all              1530 modules/cudaimgproc/test/test_color.cpp     channels[3] = cv::Mat(src.size(), depth, cv::Scalar::all(0));
all              1549 modules/cudaimgproc/test/test_color.cpp     channels[3] = cv::Mat(src.size(), depth, cv::Scalar::all(0));
all               117 modules/cudaimgproc/test/test_gftt.cpp     cv::cuda::GpuMat src(100, 100, CV_8UC1, cv::Scalar::all(0));
all                56 modules/cudaimgproc/test/test_hough.cpp         img.setTo(cv::Scalar::all(0));
all                58 modules/cudaimgproc/test/test_hough.cpp         cv::line(img, cv::Point(20, 0), cv::Point(20, img.rows), cv::Scalar::all(255));
all                59 modules/cudaimgproc/test/test_hough.cpp         cv::line(img, cv::Point(0, 50), cv::Point(img.cols, 50), cv::Scalar::all(255));
all                60 modules/cudaimgproc/test/test_hough.cpp         cv::line(img, cv::Point(0, 0), cv::Point(img.cols, img.rows), cv::Scalar::all(255));
all                61 modules/cudaimgproc/test/test_hough.cpp         cv::line(img, cv::Point(img.cols, 0), cv::Point(0, img.rows), cv::Scalar::all(255));
all                66 modules/cudaimgproc/test/test_hough.cpp         dst.setTo(cv::Scalar::all(0));
all                78 modules/cudaimgproc/test/test_hough.cpp             cv::line(dst, pt1, pt2, cv::Scalar::all(255));
all               123 modules/cudaimgproc/test/test_hough.cpp         dst.setTo(cv::Scalar::all(0));
all               126 modules/cudaimgproc/test/test_hough.cpp             cv::circle(dst, cv::Point2f(circles[i][0], circles[i][1]), (int)circles[i][2], cv::Scalar::all(255), fill ? -1 : 1);
all               213 modules/cudaimgproc/test/test_hough.cpp     cv::Mat image(templ.rows * 3, templ.cols * 3, CV_8UC1, cv::Scalar::all(0));
all               109 modules/cudalegacy/perf/perf_calib3d.cpp     const cv::Mat dist_coef(1, 8, CV_32F, cv::Scalar::all(0));
all                83 modules/cudalegacy/perf/perf_labeling.cpp     : image(img), _labels(image.size(), CV_32SC1, cv::Scalar::all(-1)) {stack = new dot[image.cols * image.rows];}
all                89 modules/cudalegacy/perf/perf_labeling.cpp         labels.setTo(cv::Scalar::all(-1));
all               157 modules/cudalegacy/perf/perf_labeling.cpp         TEST_CYCLE() cv::cuda::connectivityMask(d_image, mask, cv::Scalar::all(0), cv::Scalar::all(2));
all               178 modules/cudalegacy/perf/perf_labeling.cpp         cv::cuda::connectivityMask(cv::cuda::GpuMat(image), d_mask, cv::Scalar::all(0), cv::Scalar::all(2));
all               230 modules/cudalegacy/src/fgd.cpp         changeMask.setTo(Scalar::all(0));
all               303 modules/cudalegacy/src/fgd.cpp         cuda::multiply(foreground, Scalar::all(255), foreground);
all               328 modules/cudalegacy/src/fgd.cpp         const Scalar erodeBrdVal = Scalar::all(UCHAR_MAX);
all               329 modules/cudalegacy/src/fgd.cpp         const Scalar dilateBrdVal = Scalar::all(0);
all               413 modules/cudalegacy/src/fgd.cpp         drawContours(h_foreground, foreground_regions, -1, Scalar::all(255), -1);
all               495 modules/cudalegacy/src/fgd.cpp         Pbc_.setTo(Scalar::all(0));
all               498 modules/cudalegacy/src/fgd.cpp         Pbcc_.setTo(Scalar::all(0));
all               501 modules/cudalegacy/src/fgd.cpp         is_trained_st_model_.setTo(Scalar::all(0));
all               504 modules/cudalegacy/src/fgd.cpp         is_trained_dyn_model_.setTo(Scalar::all(0));
all               507 modules/cudalegacy/src/fgd.cpp         ctable_Pv_.setTo(Scalar::all(0));
all               510 modules/cudalegacy/src/fgd.cpp         ctable_Pvb_.setTo(Scalar::all(0));
all               513 modules/cudalegacy/src/fgd.cpp         ctable_v_.setTo(Scalar::all(0));
all               516 modules/cudalegacy/src/fgd.cpp         cctable_Pv_.setTo(Scalar::all(0));
all               519 modules/cudalegacy/src/fgd.cpp         cctable_Pvb_.setTo(Scalar::all(0));
all               522 modules/cudalegacy/src/fgd.cpp         cctable_v1_.setTo(Scalar::all(0));
all               525 modules/cudalegacy/src/fgd.cpp         cctable_v2_.setTo(Scalar::all(0));
all               530 modules/cudalegacy/src/fgd.cpp         is_trained_st_model_.setTo(Scalar::all(1));
all               531 modules/cudalegacy/src/fgd.cpp         is_trained_dyn_model_.setTo(Scalar::all(1));
all               645 modules/cudalegacy/src/fgd.cpp         foreground_.setTo(Scalar::all(0));
all               212 modules/cudalegacy/src/gmg.cpp         fgmask.setTo(Scalar::all(0), stream);
all               260 modules/cudalegacy/src/gmg.cpp         nfeatures_.setTo(Scalar::all(0));
all                67 modules/cudalegacy/src/interpolate_frames.cpp     buf.setTo(Scalar::all(0));
all                87 modules/cudalegacy/src/needle_map.cpp     colors.setTo(Scalar::all(1.0));
all               132 modules/cudalegacy/test/test_calib3d.cpp     cv::projectPoints(src, rvec, tvec, camera_mat, cv::Mat(1, 8, CV_32F, cv::Scalar::all(0)), dst_gold);
all               178 modules/cudalegacy/test/test_calib3d.cpp     cv::projectPoints(object, rvec_gold, tvec_gold, camera_mat, cv::Mat(1, 8, CV_32F, cv::Scalar::all(0)), image_vec);
all               183 modules/cudalegacy/test/test_calib3d.cpp                             camera_mat, cv::Mat(1, 8, CV_32F, cv::Scalar::all(0)),
all                76 modules/cudalegacy/test/test_labeling.cpp         : image(img), _labels(image.size(), CV_32SC1, cv::Scalar::all(-1)) {}
all               188 modules/cudalegacy/test/test_labeling.cpp     cv::cuda::connectivityMask(cv::cuda::GpuMat(image), mask, cv::Scalar::all(0), cv::Scalar::all(2));
all               143 modules/cudaoptflow/src/pyrlk.cpp         cuda::multiply(temp1, Scalar::all(1.0 / (1 << maxLevel_) / 2.0), temp2, 1, -1, stream);
all               146 modules/cudaoptflow/src/pyrlk.cpp         status.setTo(Scalar::all(1), stream);
all               239 modules/cudaoptflow/src/pyrlk.cpp         uPyr[0].setTo(Scalar::all(0), stream);
all               240 modules/cudaoptflow/src/pyrlk.cpp         vPyr[0].setTo(Scalar::all(0), stream);
all               241 modules/cudaoptflow/src/pyrlk.cpp         uPyr[1].setTo(Scalar::all(0), stream);
all               242 modules/cudaoptflow/src/pyrlk.cpp         vPyr[1].setTo(Scalar::all(0), stream);
all               245 modules/cudaoptflow/src/tvl1flow.cpp                 cuda::multiply(u1s[s], Scalar::all(scaleStep_), u1s[s], 1, -1, stream);
all               246 modules/cudaoptflow/src/tvl1flow.cpp                 cuda::multiply(u2s[s], Scalar::all(scaleStep_), u2s[s], 1, -1, stream);
all               261 modules/cudaoptflow/src/tvl1flow.cpp             u1s[nscales_-1].setTo(Scalar::all(0), stream);
all               262 modules/cudaoptflow/src/tvl1flow.cpp             u2s[nscales_-1].setTo(Scalar::all(0), stream);
all               266 modules/cudaoptflow/src/tvl1flow.cpp             u3s[nscales_ - 1].setTo(Scalar::all(0), stream);
all               290 modules/cudaoptflow/src/tvl1flow.cpp             cuda::multiply(u1s[s - 1], Scalar::all(1/scaleStep_), u1s[s - 1], 1, -1, stream);
all               291 modules/cudaoptflow/src/tvl1flow.cpp             cuda::multiply(u2s[s - 1], Scalar::all(1/scaleStep_), u2s[s - 1], 1, -1, stream);
all               329 modules/cudaoptflow/src/tvl1flow.cpp         p11.setTo(Scalar::all(0), _stream);
all               330 modules/cudaoptflow/src/tvl1flow.cpp         p12.setTo(Scalar::all(0), _stream);
all               331 modules/cudaoptflow/src/tvl1flow.cpp         p21.setTo(Scalar::all(0), _stream);
all               332 modules/cudaoptflow/src/tvl1flow.cpp         p22.setTo(Scalar::all(0), _stream);
all               335 modules/cudaoptflow/src/tvl1flow.cpp             p31.setTo(Scalar::all(0), _stream);
all               336 modules/cudaoptflow/src/tvl1flow.cpp             p32.setTo(Scalar::all(0), _stream);
all               100 modules/cudawarping/perf/perf_warping.cpp                     RemapMode::all()))
all               529 modules/cudawarping/src/warp.cpp     dst.setTo(Scalar::all(0), stream);
all               269 modules/cudawarping/test/test_warp_affine.cpp     warpAffineGold(src, M, inverse, src.size(), dst_gold, interpolation, cv::BORDER_CONSTANT, cv::Scalar::all(0));
all               272 modules/cudawarping/test/test_warp_perspective.cpp     warpPerspectiveGold(src, M, inverse, src.size(), dst_gold, interpolation, cv::BORDER_CONSTANT, cv::Scalar::all(0));
all                90 modules/cudev/include/opencv2/cudev/grid/detail/pyr_up.hpp         work_type sum = VecTraits<work_type>::all(0);
all               110 modules/cudev/include/opencv2/cudev/grid/detail/pyr_up.hpp             sum = VecTraits<work_type>::all(0);
all               126 modules/cudev/include/opencv2/cudev/grid/detail/pyr_up.hpp             sum = VecTraits<work_type>::all(0);
all               142 modules/cudev/include/opencv2/cudev/grid/detail/pyr_up.hpp         sum = VecTraits<work_type>::all(0);
all               268 modules/cudev/include/opencv2/cudev/grid/detail/reduce.hpp             sum = VecTraits<work_type>::all(0);
all               109 modules/cudev/include/opencv2/cudev/grid/reduce.hpp     dst.setTo(Scalar::all(std::numeric_limits<ResType>::max()), stream);
all               127 modules/cudev/include/opencv2/cudev/grid/reduce.hpp     dst.setTo(Scalar::all(std::numeric_limits<ResType>::max()), stream);
all               143 modules/cudev/include/opencv2/cudev/grid/reduce.hpp     dst.setTo(Scalar::all(-std::numeric_limits<ResType>::max()), stream);
all               161 modules/cudev/include/opencv2/cudev/grid/reduce.hpp     dst.setTo(Scalar::all(-std::numeric_limits<ResType>::max()), stream);
all               177 modules/cudev/include/opencv2/cudev/grid/reduce.hpp     dst.col(0).setTo(Scalar::all(std::numeric_limits<ResType>::max()), stream);
all               178 modules/cudev/include/opencv2/cudev/grid/reduce.hpp     dst.col(1).setTo(Scalar::all(-std::numeric_limits<ResType>::max()), stream);
all               196 modules/cudev/include/opencv2/cudev/grid/reduce.hpp     dst.col(0).setTo(Scalar::all(std::numeric_limits<ResType>::max()), stream);
all               197 modules/cudev/include/opencv2/cudev/grid/reduce.hpp     dst.col(1).setTo(Scalar::all(-std::numeric_limits<ResType>::max()), stream);
all               262 modules/cudev/include/opencv2/cudev/grid/reduce.hpp     const src_type zero = VecTraits<src_type>::all(0);
all               282 modules/cudev/include/opencv2/cudev/grid/reduce.hpp     const src_type zero = VecTraits<src_type>::all(0);
all                76 modules/cudev/include/opencv2/cudev/grid/reduce_to_vec.hpp         return VecTraits<T>::all(0);
all                96 modules/cudev/include/opencv2/cudev/grid/reduce_to_vec.hpp         return VecTraits<T>::all(0);
all               116 modules/cudev/include/opencv2/cudev/grid/reduce_to_vec.hpp         return VecTraits<T>::all(numeric_limits<typename VecTraits<T>::elem_type>::max());
all               136 modules/cudev/include/opencv2/cudev/grid/reduce_to_vec.hpp         return VecTraits<T>::all(-numeric_limits<typename VecTraits<T>::elem_type>::max());
all               204 modules/cudev/include/opencv2/cudev/ptr2d/detail/gpumat.hpp     return GpuMat_(*this, Range(y, y+1), Range::all());
all               210 modules/cudev/include/opencv2/cudev/ptr2d/detail/gpumat.hpp     return GpuMat_(*this, Range::all(), Range(x, x+1));
all               216 modules/cudev/include/opencv2/cudev/ptr2d/detail/gpumat.hpp     return GpuMat_(*this, Range(startrow, endrow), Range::all());
all               222 modules/cudev/include/opencv2/cudev/ptr2d/detail/gpumat.hpp     return GpuMat_(*this, r, Range::all());
all               228 modules/cudev/include/opencv2/cudev/ptr2d/detail/gpumat.hpp     return GpuMat_(*this, Range::all(), Range(startcol, endcol));
all               234 modules/cudev/include/opencv2/cudev/ptr2d/detail/gpumat.hpp     return GpuMat_(*this, Range::all(), r);
all                89 modules/cudev/include/opencv2/cudev/ptr2d/extrapolation.hpp     return brdConstant(src, VecTraits<typename PtrTraits<SrcPtr>::value_type>::all(0));
all               111 modules/cudev/include/opencv2/cudev/ptr2d/interpolation.hpp         work_type out = VecTraits<work_type>::all(0);
all               192 modules/cudev/include/opencv2/cudev/ptr2d/interpolation.hpp         work_type sum = VecTraits<work_type>::all(0);
all               207 modules/cudev/include/opencv2/cudev/ptr2d/interpolation.hpp         work_type res = (wsum > numeric_limits<float>::epsilon()) ? VecTraits<work_type>::all(0) : sum / static_cast<work_elem_type>(wsum);
all               255 modules/cudev/include/opencv2/cudev/ptr2d/interpolation.hpp         work_type out = VecTraits<work_type>::all(0);
all               321 modules/cudev/include/opencv2/cudev/ptr2d/interpolation.hpp         work_type out = VecTraits<work_type>::all(0);
all                71 modules/cudev/include/opencv2/cudev/ptr2d/lut.hpp         return tbl(VecTraits<tbl_index_type>::all(0), src(y, x));
all                95 modules/cudev/include/opencv2/cudev/util/vec_traits.hpp         __host__ __device__ __forceinline__ static type all(type v) {return v;} \
all               103 modules/cudev/include/opencv2/cudev/util/vec_traits.hpp         __host__ __device__ __forceinline__ static type ## 1 all(type v) {return make_ ## type ## 1(v);} \
all               111 modules/cudev/include/opencv2/cudev/util/vec_traits.hpp         __host__ __device__ __forceinline__ static type ## 2 all(type v) {return make_ ## type ## 2(v, v);} \
all               119 modules/cudev/include/opencv2/cudev/util/vec_traits.hpp         __host__ __device__ __forceinline__ static type ## 3 all(type v) {return make_ ## type ## 3(v, v, v);} \
all               127 modules/cudev/include/opencv2/cudev/util/vec_traits.hpp         __host__ __device__ __forceinline__ static type ## 4 all(type v) {return make_ ## type ## 4(v, v, v, v);} \
all               146 modules/cudev/include/opencv2/cudev/util/vec_traits.hpp     __host__ __device__ __forceinline__ static schar all(schar v) {return v;}
all              1080 modules/features2d/include/opencv2/features2d.hpp                                const Scalar& color=Scalar::all(-1), int flags=DrawMatchesFlags::DEFAULT );
all              1107 modules/features2d/include/opencv2/features2d.hpp                              const Scalar& matchColor=Scalar::all(-1), const Scalar& singlePointColor=Scalar::all(-1),
all              1114 modules/features2d/include/opencv2/features2d.hpp                              const Scalar& matchColor=Scalar::all(-1), const Scalar& singlePointColor=Scalar::all(-1),
all               413 modules/features2d/misc/java/src/cpp/features2d_manual.hpp                                const Scalar& color=Scalar::all(-1), int flags=0 );
all               419 modules/features2d/misc/java/src/cpp/features2d_manual.hpp                              const Scalar& matchColor=Scalar::all(-1), const Scalar& singlePointColor=Scalar::all(-1),
all               425 modules/features2d/misc/java/src/cpp/features2d_manual.hpp                              const Scalar& matchColor=Scalar::all(-1), const Scalar& singlePointColor=Scalar::all(-1),
all                97 modules/features2d/misc/java/test/Features2dTest.java         Mat imgQuery = imgTrain.submat(new Range(0, imgTrain.rows() - 100), Range.all());
all                21 modules/features2d/perf/opencl/perf_fast.cpp                             FastType::all()
all                23 modules/features2d/perf/perf_agast.cpp                             AgastType::all()
all               144 modules/features2d/perf/perf_batchDistance.cpp     rng.fill( buf, RNG::UNIFORM, Scalar::all(0), Scalar(3) );
all                21 modules/features2d/perf/perf_fast.cpp                             FastType::all()
all               191 modules/features2d/src/bagofwords.cpp     _imgDescriptor.setTo(Scalar::all(0));
all               111 modules/features2d/src/draw.cpp     bool isRandColor = _color == Scalar::all(-1);
all               143 modules/features2d/src/draw.cpp         outImg = Scalar::all(0);
all               173 modules/features2d/src/draw.cpp     bool isRandMatchColor = matchColor == Scalar::all(-1);
all               110 modules/features2d/src/evaluation.cpp         A.setTo(Scalar::all(std::numeric_limits<double>::max()));
all               423 modules/features2d/src/evaluation.cpp         thresholdedOverlapMask->setTo( Scalar::all(0) );
all               274 modules/features2d/src/fast.cpp     ucounter1.setTo(Scalar::all(0));
all               303 modules/features2d/src/fast.cpp         ucounter2.setTo(Scalar::all(0));
all               173 modules/features2d/src/matchers.cpp     trainIdx.setTo(Scalar::all(-1));
all               290 modules/features2d/src/matchers.cpp     nMatches.setTo(Scalar::all(0));
all              1310 modules/features2d/src/matchers.cpp     Mat indices( queryDescriptors.rows, count, CV_32SC1, Scalar::all(-1) );
all              1311 modules/features2d/src/matchers.cpp     Mat dists( queryDescriptors.rows, count, CV_32FC1, Scalar::all(-1) );
all                83 modules/features2d/test/ocl/test_brute_force_matcher.cpp         rng.fill(queryBuf, cv::RNG::UNIFORM, cv::Scalar::all(0), cv::Scalar::all(3));
all               168 modules/features2d/test/test_matchers_algorithmic.cpp     rng.fill( buf, RNG::UNIFORM, Scalar::all(0), Scalar(3) );
all               262 modules/features2d/test/test_matchers_algorithmic.cpp             masks[mi] = Mat(query.rows, train.rows/2, CV_8UC1, Scalar::all(1));
all               264 modules/features2d/test/test_matchers_algorithmic.cpp                 masks[mi].col(di*countFactor).setTo(Scalar::all(0));
all               359 modules/features2d/test/test_matchers_algorithmic.cpp             masks[mi] = Mat(query.rows, train.rows/2, CV_8UC1, Scalar::all(1));
all               361 modules/features2d/test/test_matchers_algorithmic.cpp                 masks[mi].col(di*countFactor).setTo(Scalar::all(0));
all               462 modules/features2d/test/test_matchers_algorithmic.cpp             masks[mi] = Mat(query.rows, train.rows/2, CV_8UC1, Scalar::all(1));
all               464 modules/features2d/test/test_matchers_algorithmic.cpp                 masks[mi].col(di*countFactor).setTo(Scalar::all(0));
all               721 modules/hal/include/opencv2/hal/intrin_cpp.hpp inline _Tpvec v_setall_##suffix(_Tp val) { return _Tpvec::all(val); } \
all               596 modules/highgui/include/opencv2/highgui.hpp                          Scalar color = Scalar::all(0), int weight = QT_FONT_NORMAL,
all               115 modules/imgcodecs/test/test_drawing.cpp     fillPoly( img, &pts, &n, 1, Scalar::all(255) );
all               191 modules/imgcodecs/test/test_grfmt.cpp                         Mat img(img_r * k, img_c * k, CV_MAKETYPE(CV_8U, num_channels), Scalar::all(0));
all               192 modules/imgcodecs/test/test_grfmt.cpp                         circle(img, Point2i((img_c * k) / 2, (img_r * k) / 2), std::min((img_r * k), (img_c * k)) / 4 , Scalar::all(255));
all               221 modules/imgcodecs/test/test_grfmt.cpp                     Mat img(img_r * k, img_c * k, CV_MAKETYPE(CV_8U, num_channels), Scalar::all(0));
all               222 modules/imgcodecs/test/test_grfmt.cpp                     circle(img, Point2i((img_c * k) / 2, (img_r * k) / 2), std::min((img_r * k), (img_c * k)) / 4 , Scalar::all(255));
all               252 modules/imgcodecs/test/test_grfmt.cpp                     Mat img(img_r * k, img_c * k, CV_MAKETYPE(CV_16U, num_channels), Scalar::all(0));
all               253 modules/imgcodecs/test/test_grfmt.cpp                     circle(img, Point2i((img_c * k) / 2, (img_r * k) / 2), std::min((img_r * k), (img_c * k)) / 4 , Scalar::all(255));
all               565 modules/imgcodecs/test/test_grfmt.cpp     cv::Mat big(16384, 16384, CV_8UC1, cv::Scalar::all(0));
all               835 modules/imgcodecs/test/test_grfmt.cpp     imgs[imgs.size() - 1] = cv::Scalar::all(128);
all              1108 modules/imgproc/include/opencv2/imgproc.hpp static inline Scalar morphologyDefaultBorderValue() { return Scalar::all(DBL_MAX); }
all               262 modules/imgproc/misc/java/test/ImgprocTest.java         truth = new Mat(10, 1, CvType.CV_32F, Scalar.all(0)) {
all               279 modules/imgproc/misc/java/test/ImgprocTest.java         truth = new Mat(10, 10, CvType.CV_32F, Scalar.all(0)) {
all               334 modules/imgproc/misc/java/test/ImgprocTest.java         truth = new Mat(10, 10, CvType.CV_32F, Scalar.all(0)) {
all              1113 modules/imgproc/misc/java/test/ImgprocTest.java         Imgproc.line(img, point1, point2, Scalar.all(255), 1);
all              1114 modules/imgproc/misc/java/test/ImgprocTest.java         Imgproc.line(img, point3, point4, Scalar.all(255), 1);
all                29 modules/imgproc/perf/opencl/perf_3vs4.cpp                 ::testing::Combine(OCL_TEST_SIZES, OCL_PERF_ENUM(CV_8UC3, CV_32FC3), Modes::all()))
all                82 modules/imgproc/perf/opencl/perf_3vs4.cpp                 ::testing::Combine(OCL_TEST_SIZES, OCL_PERF_ENUM(CV_8UC3, CV_32FC3), Modes::all()))
all               179 modules/imgproc/perf/opencl/perf_filters.cpp                 ::testing::Combine(OCL_TEST_SIZES, OCL_TEST_TYPES, MorphOp::all(), OCL_PERF_ENUM(3, 5)))
all                41 modules/imgproc/perf/opencl/perf_houghLines.cpp     src.setTo(Scalar::all(0));
all                42 modules/imgproc/perf/opencl/perf_houghLines.cpp     line(src, Point(0, 100), Point(src.cols, 100), Scalar::all(255), 1);
all                43 modules/imgproc/perf/opencl/perf_houghLines.cpp     line(src, Point(0, 200), Point(src.cols, 200), Scalar::all(255), 1);
all                44 modules/imgproc/perf/opencl/perf_houghLines.cpp     line(src, Point(0, 400), Point(src.cols, 400), Scalar::all(255), 1);
all                45 modules/imgproc/perf/opencl/perf_houghLines.cpp     line(src, Point(100, 0), Point(100, src.rows), Scalar::all(255), 1);
all                46 modules/imgproc/perf/opencl/perf_houghLines.cpp     line(src, Point(200, 0), Point(200, src.rows), Scalar::all(255), 1);
all                47 modules/imgproc/perf/opencl/perf_houghLines.cpp     line(src, Point(400, 0), Point(400, src.rows), Scalar::all(255), 1);
all               134 modules/imgproc/perf/opencl/perf_imgproc.cpp             ::testing::Combine(OCL_TEST_SIZES, OCL_TEST_TYPES_134, Border::all()))
all               262 modules/imgproc/perf/opencl/perf_imgproc.cpp             ::testing::Combine(OCL_TEST_SIZES, OCL_TEST_TYPES, ThreshType::all()))
all                63 modules/imgproc/perf/opencl/perf_imgwarp.cpp             ::testing::Combine(OCL_TEST_SIZES, OCL_TEST_TYPES_134, InterType::all()))
all                19 modules/imgproc/perf/opencl/perf_matchTemplate.cpp             MethodType::all(),
all                18 modules/imgproc/perf/perf_bilateral.cpp                 Mat_Type::all() // image type
all                50 modules/imgproc/perf/perf_blur.cpp                 BorderType3x3::all()
all                72 modules/imgproc/perf/perf_blur.cpp                 BorderType3x3::all()
all                94 modules/imgproc/perf/perf_blur.cpp                 BorderType::all()
all               121 modules/imgproc/perf/perf_blur.cpp                 BorderType3x3::all()
all               143 modules/imgproc/perf/perf_blur.cpp                 BorderType3x3::all()
all               171 modules/imgproc/perf/perf_blur.cpp                 BorderType::all()
all               193 modules/imgproc/perf/perf_blur.cpp                 BorderType::all()
all                20 modules/imgproc/perf/perf_corners.cpp                 BorderType::all()
all                48 modules/imgproc/perf/perf_corners.cpp                 BorderType::all()
all                75 modules/imgproc/perf/perf_corners.cpp                 BorderType::all()
all               246 modules/imgproc/perf/perf_cvt_color.cpp                 CvtMode::all()
all               277 modules/imgproc/perf/perf_cvt_color.cpp                 CvtModeBayer::all()
all               303 modules/imgproc/perf/perf_cvt_color.cpp                 CvtMode2::all()
all               328 modules/imgproc/perf/perf_cvt_color.cpp                 CvtMode3::all()
all               356 modules/imgproc/perf/perf_cvt_color.cpp                 EdgeAwareBayerMode::all()
all                46 modules/imgproc/perf/perf_distanceTransform.cpp                 DistanceType::all(),
all                47 modules/imgproc/perf/perf_distanceTransform.cpp                 MaskSize::all(),
all                48 modules/imgproc/perf/perf_distanceTransform.cpp                 DstType::all()
all                75 modules/imgproc/perf/perf_distanceTransform.cpp                 DistanceType::all(),
all                76 modules/imgproc/perf/perf_distanceTransform.cpp                 MaskSize::all(),
all                77 modules/imgproc/perf/perf_distanceTransform.cpp                 LabelType::all()
all                20 modules/imgproc/perf/perf_filter2d.cpp                 BorderMode::all()
all                21 modules/imgproc/perf/perf_matchTemplate.cpp                 MethodType::all()
all                55 modules/imgproc/perf/perf_matchTemplate.cpp                 MethodType::all()
all                19 modules/imgproc/perf/perf_remap.cpp                 InterType::all()
all                37 modules/imgproc/perf/perf_remap.cpp         map2 = Scalar::all(0);
all                37 modules/imgproc/perf/perf_sepfilters.cpp                 BorderType3x3::all()
all                62 modules/imgproc/perf/perf_sepfilters.cpp                 BorderType3x3ROI::all()
all                90 modules/imgproc/perf/perf_sepfilters.cpp                 BorderType::all()
all               115 modules/imgproc/perf/perf_sepfilters.cpp                 BorderTypeROI::all()
all               145 modules/imgproc/perf/perf_sepfilters.cpp                 BorderType3x3::all()
all               170 modules/imgproc/perf/perf_sepfilters.cpp                 BorderType3x3ROI::all()
all               198 modules/imgproc/perf/perf_sepfilters.cpp                 BorderType3x3::all()
all               223 modules/imgproc/perf/perf_sepfilters.cpp                 BorderType3x3ROI::all()
all                18 modules/imgproc/perf/perf_threshold.cpp                 ThreshType::all()
all                69 modules/imgproc/perf/perf_threshold.cpp                 AdaptThreshType::all(),
all                70 modules/imgproc/perf/perf_threshold.cpp                 AdaptThreshMethod::all(),
all                26 modules/imgproc/perf/perf_warp.cpp                 InterType::all(),
all                27 modules/imgproc/perf/perf_warp.cpp                 BorderMode::all()
all                36 modules/imgproc/perf/perf_warp.cpp     Scalar borderColor = Scalar::all(150);
all                56 modules/imgproc/perf/perf_warp.cpp                 InterType::all(),
all                57 modules/imgproc/perf/perf_warp.cpp                 BorderMode::all()
all                66 modules/imgproc/perf/perf_warp.cpp     Scalar borderColor = Scalar::all(150);
all                94 modules/imgproc/perf/perf_warp.cpp                  InterType::all(),
all                95 modules/imgproc/perf/perf_warp.cpp                  BorderMode::all(),
all               106 modules/imgproc/perf/perf_warp.cpp     Scalar borderColor = Scalar::all(150);
all               141 modules/imgproc/perf/perf_warp.cpp                  InterType::all(),
all               142 modules/imgproc/perf/perf_warp.cpp                  BorderMode::all(),
all               143 modules/imgproc/perf/perf_warp.cpp                  RemapMode::all()
all              8496 modules/imgproc/src/color.cpp                 src(Range(0, dstSz.height), Range::all()).copyTo(dst);
all              1575 modules/imgproc/src/demosaicing.cpp         dst = Scalar::all(0);
all               823 modules/imgproc/src/distransform.cpp         labels.setTo(Scalar::all(0));
all              1155 modules/imgproc/src/emd.cpp         flow = Scalar::all(0);
all               123 modules/imgproc/src/floodfill.cpp     avg = sdv = Scalar::all(0);
all               549 modules/imgproc/src/floodfill.cpp         tempMask.setTo(Scalar::all(0));
all               878 modules/imgproc/src/generalized_hough.cpp         Mat DHist(histRows + 2, histCols + 2, CV_32SC1, Scalar::all(0));
all              1192 modules/imgproc/src/histogram.cpp         Mat phist(hist->size(), hist->type(), Scalar::all(0));
all              1243 modules/imgproc/src/histogram.cpp             ihist.setTo(Scalar::all(0));
all               706 modules/imgproc/src/hough.cpp         accum.setTo(Scalar::all(0));
all               750 modules/imgproc/src/hough.cpp     UMat counters(1, 2, CV_32SC1, Scalar::all(0));
all               804 modules/imgproc/src/hough.cpp     UMat counters(1, 2, CV_32SC1, Scalar::all(0));
all              1213 modules/imgproc/src/lsd.cpp         line(I1, b, e, Scalar::all(255), 1);
all              1219 modules/imgproc/src/lsd.cpp         line(I2, b, e, Scalar::all(255), 1);
all              1012 modules/imgproc/src/morph.cpp             borderValue = Scalar::all( depth == CV_8U ? (double)UCHAR_MAX :
all              1017 modules/imgproc/src/morph.cpp             borderValue = Scalar::all( depth == CV_8U || depth == CV_16U ?
all               514 modules/imgproc/src/phasecorr.cpp         copyMakeBorder(src1, padded1, 0, M - src1.rows, 0, N - src1.cols, BORDER_CONSTANT, Scalar::all(0));
all               515 modules/imgproc/src/phasecorr.cpp         copyMakeBorder(src2, padded2, 0, M - src2.rows, 0, N - src2.cols, BORDER_CONSTANT, Scalar::all(0));
all               519 modules/imgproc/src/phasecorr.cpp             copyMakeBorder(window, paddedWin, 0, M - window.rows, 0, N - window.cols, BORDER_CONSTANT, Scalar::all(0));
all               423 modules/imgproc/src/segmentation.cpp             m.setTo(cv::Scalar::all(0));
all               463 modules/imgproc/src/templmatch.cpp         Vec4f templ_sum = Vec4f::all(0);
all               505 modules/imgproc/src/templmatch.cpp             result = Scalar::all(1);
all               514 modules/imgproc/src/templmatch.cpp         Vec4f templ_sum = Vec4f::all(0), templ_sqsum = Vec4f::all(0);
all               528 modules/imgproc/src/templmatch.cpp             result = Scalar::all(1);
all               722 modules/imgproc/src/templmatch.cpp             part = Scalar::all(0);
all               764 modules/imgproc/src/templmatch.cpp             dftImg = Scalar::all(0);
all               846 modules/imgproc/src/templmatch.cpp         compare(mask, Scalar::all(0), mask, CMP_NE);
all               881 modules/imgproc/src/templmatch.cpp             result = Scalar::all(1);
all               999 modules/imgproc/src/templmatch.cpp             result = Scalar::all(1);
all              1007 modules/imgproc/src/templmatch.cpp             templMean = Scalar::all(0);
all              1173 modules/imgproc/src/thresh.cpp            ocl::KernelArg::Constant(Mat(1, 1, depth, Scalar::all(thresh))),
all              1174 modules/imgproc/src/thresh.cpp            ocl::KernelArg::Constant(Mat(1, 1, depth, Scalar::all(maxval))),
all              1175 modules/imgproc/src/thresh.cpp            ocl::KernelArg::Constant(Mat(1, 1, depth, Scalar::all(min_val))));
all               132 modules/imgproc/test/ocl/test_gftt.cpp     usrc_roi.setTo(Scalar::all(0));
all                47 modules/imgproc/test/ocl/test_houghlines.cpp         src.setTo(Scalar::all(0));
all                48 modules/imgproc/test/ocl/test_houghlines.cpp         line(src, Point(0, 100), Point(100, 100), Scalar::all(255), 1);
all                49 modules/imgproc/test/ocl/test_houghlines.cpp         line(src, Point(0, 200), Point(100, 200), Scalar::all(255), 1);
all                50 modules/imgproc/test/ocl/test_houghlines.cpp         line(src, Point(0, 400), Point(100, 400), Scalar::all(255), 1);
all                51 modules/imgproc/test/ocl/test_houghlines.cpp         line(src, Point(100, 0), Point(100, 200), Scalar::all(255), 1);
all                52 modules/imgproc/test/ocl/test_houghlines.cpp         line(src, Point(200, 0), Point(200, 200), Scalar::all(255), 1);
all                53 modules/imgproc/test/ocl/test_houghlines.cpp         line(src, Point(400, 0), Point(400, 200), Scalar::all(255), 1);
all               141 modules/imgproc/test/ocl/test_houghlines.cpp             Mat result_cpu(src.size(), CV_8UC1, Scalar::all(0));
all               142 modules/imgproc/test/ocl/test_houghlines.cpp             Mat result_gpu(src.size(), CV_8UC1, Scalar::all(0));
all               130 modules/imgproc/test/ocl/test_match_template.cpp                                 MatchTemplType::all(),
all               239 modules/imgproc/test/test_canny.cpp     dst = Scalar::all(0);
all               113 modules/imgproc/test/test_color.cpp         low = Scalar::all(0.);
all               114 modules/imgproc/test/test_color.cpp         high = Scalar::all( depth == CV_8U ? 256 : depth == CV_16U ? 65536 : 1. );
all               470 modules/imgproc/test/test_contours.cpp     img.setTo(Scalar::all(0));
all               477 modules/imgproc/test/test_contours.cpp         line(img, p*scale + ofs, q*scale + ofs, Scalar::all(255));
all               484 modules/imgproc/test/test_contours.cpp     img.setTo(Scalar::all(0));
all               486 modules/imgproc/test/test_contours.cpp     drawContours(img, contours, 0, Scalar::all(255), 1);
all               673 modules/imgproc/test/test_cvtyuv.cpp         Mat dst_full(dstSize.height  + roi_offset_left + roi_offset_right, dstSize.width + roi_offset_top + roi_offset_bottom, CV_8UC(dcn), Scalar::all(0));
all               674 modules/imgproc/test/test_cvtyuv.cpp         Mat gold_full(dst_full.size(), CV_8UC(dcn), Scalar::all(0));
all               122 modules/imgproc/test/test_distancetransform.cpp         low = Scalar::all(0);
all               123 modules/imgproc/test/test_distancetransform.cpp         high = Scalar::all(10);
all               104 modules/imgproc/test/test_filter.cpp                 low = Scalar::all(-val);
all               105 modules/imgproc/test/test_filter.cpp                 high = Scalar::all(val);
all               109 modules/imgproc/test/test_filter.cpp                 low = Scalar::all(0);
all               110 modules/imgproc/test/test_filter.cpp                 high = Scalar::all(2);
all               115 modules/imgproc/test/test_filter.cpp             low = Scalar::all(0.);
all               116 modules/imgproc/test/test_filter.cpp             high = Scalar::all(40000.);
all               120 modules/imgproc/test/test_filter.cpp             low = Scalar::all(-10.);
all               121 modules/imgproc/test/test_filter.cpp             high = Scalar::all(10.);
all               289 modules/imgproc/test/test_filter.cpp             cvtest::add( dst, 1, temp, -1, Scalar::all(0), dst, dst.type() );
all               295 modules/imgproc/test/test_filter.cpp             cvtest::add( src, 1, dst, -1, Scalar::all(0), dst, dst.type() );
all               301 modules/imgproc/test/test_filter.cpp             cvtest::add( dst, 1, src, -1, Scalar::all(0), dst, dst.type() );
all               717 modules/imgproc/test/test_filter.cpp     kernel.setTo(Scalar::all(normalize ? 1./(aperture_size.width*aperture_size.height) : 1.));
all              1258 modules/imgproc/test/test_filter.cpp         low = Scalar::all(-10.);
all              1259 modules/imgproc/test/test_filter.cpp         high = Scalar::all(10.);
all              1597 modules/imgproc/test/test_filter.cpp         low = Scalar::all(-10.);
all              1598 modules/imgproc/test/test_filter.cpp         high = Scalar::all(10.);
all              1895 modules/imgproc/test/test_filter.cpp     Mat src(3, 3, CV_8UC1, cv::Scalar::all(255)), dst;
all              1897 modules/imgproc/test/test_filter.cpp     src_roi.setTo(cv::Scalar::all(0));
all               127 modules/imgproc/test/test_floodfill.cpp         l_diff = u_diff = Scalar::all(0.);
all               131 modules/imgproc/test/test_floodfill.cpp         rng.fill( m, RNG::NORMAL, Scalar::all(0), Scalar::all(32) );
all               139 modules/imgproc/test/test_floodfill.cpp     new_val = Scalar::all(0.);
all               166 modules/imgproc/test/test_floodfill.cpp         Scalar m = Scalar::all(128);
all               167 modules/imgproc/test/test_floodfill.cpp         Scalar s = Scalar::all(10);
all               173 modules/imgproc/test/test_floodfill.cpp             s = Scalar::all(2);
all               181 modules/imgproc/test/test_floodfill.cpp         Scalar l = Scalar::all(-2);
all               182 modules/imgproc/test/test_floodfill.cpp         Scalar u = Scalar::all(2);
all               184 modules/imgproc/test/test_floodfill.cpp         rectangle( arr, Point(0,0), Point(arr.cols-1,arr.rows-1), Scalar::all(1), 1, 8, 0 );
all               272 modules/imgproc/test/test_floodfill.cpp         cvtest::set( m_mask, Scalar::all(0), Mat() );
all               273 modules/imgproc/test/test_floodfill.cpp         cvRectangle( mask, cvPoint(0,0), cvPoint(mask->cols-1,mask->rows-1), Scalar::all(1.), 1, 8, 0 );
all               253 modules/imgproc/test/test_histograms.cpp             cvtest::randUni(rng, h, Scalar::all(0), Scalar::all(gen_hist_max_val) );
all              1189 modules/imgproc/test/test_histograms.cpp                 cvtest::randUni( rng, images_i, Scalar::all(low), Scalar::all(high) );
all              1198 modules/imgproc/test/test_histograms.cpp                 cvtest::randUni( rng, images_i, Scalar::all(-2), Scalar::all(2) );
all              1400 modules/imgproc/test/test_histograms.cpp                 cvtest::randUni( rng, images_i, Scalar::all(low), Scalar::all(high) );
all              1408 modules/imgproc/test/test_histograms.cpp                 cvtest::randUni( rng, images_i, Scalar::all(-2), Scalar::all(2) );
all              1632 modules/imgproc/test/test_histograms.cpp                 cvtest::randUni( rng, images_i, Scalar::all(low), Scalar::all(high) );
all                92 modules/imgproc/test/test_imgwarp.cpp         low = Scalar::all(-10.);
all                93 modules/imgproc/test/test_imgwarp.cpp         high = Scalar::all(10);
all               369 modules/imgproc/test/test_imgwarp.cpp         *mask = Scalar::all(0);
all               527 modules/imgproc/test/test_imgwarp.cpp     rng.fill( tmp, CV_RAND_NORMAL, Scalar::all(1.), Scalar::all(0.01) );
all               564 modules/imgproc/test/test_imgwarp.cpp     dst.setTo(Scalar::all(0), mask);
all               565 modules/imgproc/test/test_imgwarp.cpp     dst0.setTo(Scalar::all(0), mask);
all               642 modules/imgproc/test/test_imgwarp.cpp     rng.fill( tmp, CV_RAND_NORMAL, Scalar::all(0.), Scalar::all(0.1) );
all               690 modules/imgproc/test/test_imgwarp.cpp     dst.setTo(Scalar::all(0), mask);
all               691 modules/imgproc/test/test_imgwarp.cpp     dst0.setTo(Scalar::all(0), mask);
all               788 modules/imgproc/test/test_imgwarp.cpp     dst.setTo(Scalar::all(0), mask);
all               789 modules/imgproc/test/test_imgwarp.cpp     dst0.setTo(Scalar::all(0), mask);
all               962 modules/imgproc/test/test_imgwarp.cpp     dst.setTo(Scalar::all(0), mask);
all               963 modules/imgproc/test/test_imgwarp.cpp     dst0.setTo(Scalar::all(0), mask);
all              1074 modules/imgproc/test/test_imgwarp.cpp         test_mat[REF_OUTPUT][1] = Scalar::all(0);
all              1075 modules/imgproc/test/test_imgwarp.cpp         test_mat[OUTPUT][1] = Scalar::all(0);
all               170 modules/imgproc/test/test_imgwarp_strict.cpp                         std::min<int>(cell_size, ssize.height - y)), Scalar::all((x + y) % 2 ? 255: 0), CV_FILLED);
all               174 modules/imgproc/test/test_imgwarp_strict.cpp         src = Scalar::all(255);
all               176 modules/imgproc/test/test_imgwarp_strict.cpp             line(src, Point2i(0, y), Point2i(src.cols, y), Scalar::all(0), 1);
all               178 modules/imgproc/test/test_imgwarp_strict.cpp             line(src, Point2i(x, 0), Point2i(x, src.rows), Scalar::all(0), 1);
all               671 modules/imgproc/test/test_imgwarp_strict.cpp     borderValue = Scalar::all(rng.uniform(0, 255));
all                62 modules/imgproc/test/test_lsd.cpp     image = Mat(img_size, CV_8UC1, Scalar::all(rng.uniform(0, 256)));
all                67 modules/imgproc/test/test_lsd.cpp     image = Mat(img_size, CV_8UC1, Scalar::all(rng.uniform(0, 128)));
all                93 modules/imgproc/test/test_moments.cpp         low = Scalar::all(0);
all                94 modules/imgproc/test/test_moments.cpp         high = Scalar::all(1000);
all                98 modules/imgproc/test/test_moments.cpp         low = Scalar::all(-1000);
all                99 modules/imgproc/test/test_moments.cpp         high = Scalar::all(1000);
all               103 modules/imgproc/test/test_moments.cpp         low = Scalar::all(-1);
all               104 modules/imgproc/test/test_moments.cpp         high = Scalar::all(1);
all               359 modules/imgproc/test/test_moments.cpp     low = Scalar::all(-10000);
all               360 modules/imgproc/test/test_moments.cpp     high = Scalar::all(10000);
all                98 modules/imgproc/test/test_templmatch.cpp         low = Scalar::all(-10.);
all                99 modules/imgproc/test/test_templmatch.cpp         high = Scalar::all(10.);
all               331 modules/imgproc/test/test_templmatch.cpp         test_mat[REF_OUTPUT][0] += Scalar::all(delta);
all               332 modules/imgproc/test/test_templmatch.cpp         test_mat[OUTPUT][0] += Scalar::all(delta);
all                83 modules/imgproc/test/test_watershed.cpp         cvDrawContours( &iplmrks, cnts, Scalar::all(i + 1), Scalar::all(i + 1), -1, CV_FILLED);
all               134 modules/java/android_test/src/org/opencv/test/OpenCVTestCase.java         rgba0 = new Mat(matSize, matSize, CvType.CV_8UC4, Scalar.all(0));
all               135 modules/java/android_test/src/org/opencv/test/OpenCVTestCase.java         rgba128 = new Mat(matSize, matSize, CvType.CV_8UC4, Scalar.all(128));
all                71 modules/java/android_test/src/org/opencv/test/android/UtilsTest.java         Scalar s255 = Scalar.all(255);
all               164 modules/java/pure_test/src/org/opencv/test/OpenCVTestCase.java         rgba0 = new Mat(matSize, matSize, CvType.CV_8UC4, Scalar.all(0));
all               165 modules/java/pure_test/src/org/opencv/test/OpenCVTestCase.java         rgba128 = new Mat(matSize, matSize, CvType.CV_8UC4, Scalar.all(128));
all              1010 modules/ml/src/ann_mlp.cpp             dw[i].setTo(Scalar::all(params.rpDW0));
all              1042 modules/ml/src/ann_mlp.cpp                 dEdw[i].setTo(Scalar::all(0));
all               311 modules/ml/src/data.cpp             varType = Scalar::all(VAR_ORDERED);
all              1362 modules/ml/src/gbt.cpp                    slice==cv::Range::all() ? CV_WHOLE_SEQ : cvSlice(slice.start, slice.end), k);
all               160 modules/ml/src/lr.cpp     vconcat(Mat(_data_i.rows, 1, _data_i.type(), Scalar::all(1.0)), data_t.col(0));
all               247 modules/ml/src/lr.cpp             vconcat(Mat(data.rows, 1, data.type(), Scalar::all(1.0)), data_t.col(i));
all               322 modules/ml/src/lr.cpp     theta_b = _init_theta(Range(1, n), Range::all());
all               402 modules/ml/src/lr.cpp         pcal_b = _data(Range::all(), Range(0,1));
all               408 modules/ml/src/lr.cpp         pcal_b = _data(Range::all(), Range(1,n));
all               413 modules/ml/src/lr.cpp             pcal_b = _data(Range::all(), Range(ii,ii+1));
all               461 modules/ml/src/lr.cpp             data_d = _data(Range(j,j+size_b), Range::all());
all               462 modules/ml/src/lr.cpp             labels_l = _labels(Range(j,j+size_b),Range::all());
all               466 modules/ml/src/lr.cpp             data_d = _data(Range(j, _data.rows), Range::all());
all               467 modules/ml/src/lr.cpp             labels_l = _labels(Range(j, _labels.rows),Range::all());
all               488 modules/ml/src/lr.cpp         pcal_b = data_d(Range::all(), Range(0,1));
all               494 modules/ml/src/lr.cpp         pcal_b = data_d(Range::all(), Range(1,n));
all               498 modules/ml/src/lr.cpp             pcal_b = data_d(Range::all(), Range(k,k+1));
all                89 modules/ml/test/test_emknearestkmeans.cpp     randn( data, Scalar::all(-1.0), Scalar::all(1.0) );
all              1061 modules/objdetect/src/cascadedetect.cpp     ufacepos_count.setTo(Scalar::all(0));
all              1329 modules/objdetect/src/haar.cpp                 (*mask1) = Scalar::all(1);
all                17 modules/photo/perf/perf_inpaint.cpp                 InpaintingMethod::all()
all                79 modules/photo/src/hdr_common.cpp         weight.at<Vec3f>(i) = Vec3f::all(value);
all               100 modules/photo/src/hdr_common.cpp         response.at<Vec3f>(i) = Vec3f::all(static_cast<float>(i));
all               230 modules/photo/src/seamless_cloning_impl.cpp     rectangle(bound, Point(1, 1), Point(img.cols-2, img.rows-2), Scalar::all(0), -1);
all                52 modules/photo/src/tonemap.cpp     max(src, Scalar::all(1e-4), dst);
all                49 modules/photo/test/test_denoise_tvl1.cpp     cv::randn(noise, cv::Scalar::all(0), cv::Scalar::all(2));
all                53 modules/photo/test/test_denoise_tvl1.cpp     half = cv::Scalar::all(1);
all               151 modules/photo/test/test_denoising.cpp     cv::Mat img(50, 50, CV_8UC1, cv::Scalar::all(255));
all                84 modules/photo/test/test_inpaint.cpp     test.setTo(Scalar::all(255), mask1ch);
all               644 modules/python/src2/cv2.cpp         r = Range::all();
all               109 modules/stitching/perf/opencl/perf_warpers.cpp     src.setTo(Scalar::all(64));
all               111 modules/stitching/perf/opencl/perf_warpers.cpp             360, 0, 360, Scalar::all(255), 2);
all               113 modules/stitching/perf/opencl/perf_warpers.cpp             360, 0, 360, Scalar::all(128), 2);
all               114 modules/stitching/perf/opencl/perf_warpers.cpp     rectangle(src, Point(10, 10), Point(srcSize.width - 10, srcSize.height - 10), Scalar::all(128), 2);
all               118 modules/stitching/perf/opencl/perf_warpers.cpp                 ::testing::Combine(OCL_TEST_SIZES, WarperType::all()))
all               133 modules/stitching/perf/opencl/perf_warpers.cpp                 ::testing::Combine(OCL_TEST_SIZES, WarperType::all()))
all                73 modules/stitching/src/blenders.cpp     dst_.setTo(Scalar::all(0));
all                75 modules/stitching/src/blenders.cpp     dst_mask_.setTo(Scalar::all(0));
all               113 modules/stitching/src/blenders.cpp     dst_.setTo(Scalar::all(0), mask);
all               244 modules/stitching/src/blenders.cpp         dst_pyr_laplace_[i].setTo(Scalar::all(0));
all               348 modules/stitching/src/blenders.cpp         add(weight_map, Scalar::all(1), weight_map, add_mask);
all               168 modules/stitching/src/stitcher.cpp         masks[i].setTo(Scalar::all(255));
all               296 modules/stitching/src/stitcher.cpp         mask.setTo(Scalar::all(255));
all                68 modules/stitching/src/timelapsers.cpp     dst_.setTo(Scalar::all(0));
all               102 modules/superres/perf/perf_superres.cpp                 flow1.setTo(cv::Scalar::all(0));
all               109 modules/superres/perf/perf_superres.cpp                 flow1.setTo(cv::Scalar::all(0));
all               110 modules/superres/perf/perf_superres.cpp                 flow2.setTo(cv::Scalar::all(0));
all                70 modules/superres/src/btv_l1.cpp         relForwardMotions[baseIdx].setTo(Scalar::all(0));
all                74 modules/superres/src/btv_l1.cpp         relBackwardMotions[baseIdx].setTo(Scalar::all(0));
all               111 modules/superres/src/btv_l1.cpp         relForwardMotions[baseIdx].setTo(Scalar::all(0));
all               115 modules/superres/src/btv_l1.cpp         relBackwardMotions[baseIdx].setTo(Scalar::all(0));
all               141 modules/superres/src/btv_l1.cpp             multiply(highResMotions[i], Scalar::all(scale), highResMotions[i]);
all               162 modules/superres/src/btv_l1.cpp             multiply(highResMotions[i], Scalar::all(scale), highResMotions[i]);
all               230 modules/superres/src/btv_l1.cpp         _dst.setTo(Scalar::all(0));
all               255 modules/superres/src/btv_l1.cpp         _dst.setTo(Scalar::all(0));
all               404 modules/superres/src/btv_l1.cpp         _dst.setTo(Scalar::all(0));
all               431 modules/superres/src/btv_l1.cpp         _dst.setTo(Scalar::all(0));
all               617 modules/superres/src/btv_l1.cpp             udiffTerm_.setTo(Scalar::all(0));
all               718 modules/superres/src/btv_l1.cpp             diffTerm_.setTo(Scalar::all(0));
all                89 modules/superres/src/btv_l1_cuda.cpp         relForwardMotions[baseIdx].first.setTo(Scalar::all(0));
all                91 modules/superres/src/btv_l1_cuda.cpp         relForwardMotions[baseIdx].second.setTo(Scalar::all(0));
all                95 modules/superres/src/btv_l1_cuda.cpp         relBackwardMotions[baseIdx].first.setTo(Scalar::all(0));
all                97 modules/superres/src/btv_l1_cuda.cpp         relBackwardMotions[baseIdx].second.setTo(Scalar::all(0));
all               127 modules/superres/src/btv_l1_cuda.cpp             cuda::multiply(highResMotions[i].first, Scalar::all(scale), highResMotions[i].first);
all               128 modules/superres/src/btv_l1_cuda.cpp             cuda::multiply(highResMotions[i].second, Scalar::all(scale), highResMotions[i].second);
all               158 modules/superres/src/btv_l1_cuda.cpp         dst.setTo(Scalar::all(0));
all               203 modules/superres/src/btv_l1_cuda.cpp         dst.setTo(Scalar::all(0));
all               128 modules/superres/test/test_superres.cpp     _image.setTo(cv::Scalar::all(255), mask);
all                55 modules/ts/include/opencv2/ts/cuda_perf.hpp     #define ALL_BORDER_MODES BorderMode::all()
all                56 modules/ts/include/opencv2/ts/cuda_perf.hpp     #define ALL_INTERPOLATIONS Interpolation::all()
all               136 modules/ts/include/opencv2/ts/ocl_test.hpp     Mat _mask(name.size(), CV_8UC1, Scalar::all(255)); \
all               137 modules/ts/include/opencv2/ts/ocl_test.hpp     _mask(Rect(_offset, name ## _roi.size())).setTo(Scalar::all(0)); \
all               154 modules/ts/include/opencv2/ts/ocl_test.hpp     Mat _mask(name.size(), CV_8UC1, Scalar::all(255)); \
all               155 modules/ts/include/opencv2/ts/ocl_test.hpp     _mask(Rect(_offset, name ## _roi.size())).setTo(Scalar::all(0)); \
all               173 modules/ts/include/opencv2/ts/ocl_test.hpp     Mat _mask(name.size(), CV_8UC1, Scalar::all(255)); \
all               174 modules/ts/include/opencv2/ts/ocl_test.hpp     _mask(Rect(_offset, name ## _roi.size())).setTo(Scalar::all(0)); \
all               117 modules/ts/include/opencv2/ts/ts_perf.hpp         static ::testing::internal::ParamGenerator<class_name> all() {                  \
all               249 modules/ts/src/ts_arrtest.cpp     low = Scalar::all(l);
all               250 modules/ts/src/ts_arrtest.cpp     high = Scalar::all(u);
all               134 modules/ts/src/ts_func.cpp         r[i] = Range::all();
all               288 modules/ts/src/ts_func.cpp         set( dst, Scalar::all(beta) );
all              1243 modules/ts/src/ts_perf.cpp         m.reshape(1).setTo(cv::Scalar::all(0));
all                69 modules/video/perf/opencl/perf_optflow_farneback.cpp                     farneFlagType::all(),
all               189 modules/video/perf/perf_optflowpyrlk.cpp                 PyrBorderMode::all(),
all               155 modules/video/src/bgfg_KNN.cpp     aModelIndexShort = Scalar::all(0);//random? //((m_nN)*rand())/(RAND_MAX+1);//0...m_nN-1
all               156 modules/video/src/bgfg_KNN.cpp     aModelIndexMid = Scalar::all(0);
all               157 modules/video/src/bgfg_KNN.cpp     aModelIndexLong = Scalar::all(0);
all               158 modules/video/src/bgfg_KNN.cpp     nNextShortUpdate = Scalar::all(0);
all               159 modules/video/src/bgfg_KNN.cpp     nNextMidUpdate = Scalar::all(0);
all               160 modules/video/src/bgfg_KNN.cpp     nNextLongUpdate = Scalar::all(0);
all               602 modules/video/src/bgfg_KNN.cpp     Mat meanBackground(frameSize, CV_8UC3, Scalar::all(0));
all               206 modules/video/src/bgfg_gaussmix2.cpp             u_weight.setTo(Scalar::all(0));
all               209 modules/video/src/bgfg_gaussmix2.cpp             u_variance.setTo(Scalar::all(0));
all               214 modules/video/src/bgfg_gaussmix2.cpp             u_mean.setTo(Scalar::all(0));
all               218 modules/video/src/bgfg_gaussmix2.cpp             u_bgmodelUsedModes.setTo(cv::Scalar::all(0));
all               229 modules/video/src/bgfg_gaussmix2.cpp             bgmodelUsedModes = Scalar::all(0);
all               869 modules/video/src/bgfg_gaussmix2.cpp     Mat meanBackground(frameSize, CV_MAKETYPE(CV_8U, nchannels), Scalar::all(0));
all               314 modules/video/src/compat_video.cpp         matM.setTo(cv::Scalar::all(0));
all               887 modules/video/src/lkpyramid.cpp             status.setTo(Scalar::all(1));
all               460 modules/video/src/tvl1flow.cpp             multiply(dm.u1s[s], Scalar::all(scaleStep), dm.u1s[s]);
all               461 modules/video/src/tvl1flow.cpp             multiply(dm.u2s[s], Scalar::all(scaleStep), dm.u2s[s]);
all               472 modules/video/src/tvl1flow.cpp         dm.u1s[nscales - 1].setTo(Scalar::all(0));
all               473 modules/video/src/tvl1flow.cpp         dm.u2s[nscales - 1].setTo(Scalar::all(0));
all               475 modules/video/src/tvl1flow.cpp     if (use_gamma) dm.u3s[nscales - 1].setTo(Scalar::all(0));
all               494 modules/video/src/tvl1flow.cpp         multiply(dm.u1s[s - 1], Scalar::all(1 / scaleStep), dm.u1s[s - 1]);
all               495 modules/video/src/tvl1flow.cpp         multiply(dm.u2s[s - 1], Scalar::all(1 / scaleStep), dm.u2s[s - 1]);
all               570 modules/video/src/tvl1flow.cpp             multiply(dum.u1s[s], Scalar::all(scaleStep), dum.u1s[s]);
all               571 modules/video/src/tvl1flow.cpp             multiply(dum.u2s[s], Scalar::all(scaleStep), dum.u2s[s]);
all               591 modules/video/src/tvl1flow.cpp         multiply(dum.u1s[s - 1], Scalar::all(1 / scaleStep), dum.u1s[s - 1]);
all               592 modules/video/src/tvl1flow.cpp         multiply(dum.u2s[s - 1], Scalar::all(1 / scaleStep), dum.u2s[s - 1]);
all              1197 modules/video/src/tvl1flow.cpp         u1.setTo(Scalar::all(0));
all              1200 modules/video/src/tvl1flow.cpp         u2.setTo(Scalar::all(0));
all              1220 modules/video/src/tvl1flow.cpp     p11.setTo(Scalar::all(0));
all              1221 modules/video/src/tvl1flow.cpp     p12.setTo(Scalar::all(0));
all              1222 modules/video/src/tvl1flow.cpp     p21.setTo(Scalar::all(0));
all              1223 modules/video/src/tvl1flow.cpp     p22.setTo(Scalar::all(0));
all              1304 modules/video/src/tvl1flow.cpp     p11.setTo(Scalar::all(0));
all              1305 modules/video/src/tvl1flow.cpp     p12.setTo(Scalar::all(0));
all              1306 modules/video/src/tvl1flow.cpp     p21.setTo(Scalar::all(0));
all              1307 modules/video/src/tvl1flow.cpp     p22.setTo(Scalar::all(0));
all              1309 modules/video/src/tvl1flow.cpp     if (use_gamma) p31.setTo(Scalar::all(0));
all              1310 modules/video/src/tvl1flow.cpp     if (use_gamma) p32.setTo(Scalar::all(0));
all               107 modules/video/test/test_estimaterigid.cpp         rng.fill(noise, RNG::NORMAL, Scalar::all(0), Scalar::all(0.001*(n<=7 ? 0 : n <= 30 ? 1 : 10)));
all              1157 modules/videoio/src/cap_openni.cpp     depthMap.setTo( cv::Scalar::all( CvCapture_OpenNI::INVALID_PIXEL_VAL ), badMask );
all              1181 modules/videoio/src/cap_openni.cpp     cv::Mat pointCloud_XYZ( rows, cols, CV_32FC3, cv::Scalar::all(badPoint) );
all              1230 modules/videoio/src/cap_openni.cpp     disp = cv::Scalar::all( CvCapture_OpenNI::INVALID_PIXEL_VAL );
all               726 modules/videoio/src/cap_openni2.cpp     depthMap.setTo( cv::Scalar::all( CvCapture_OpenNI2::INVALID_PIXEL_VAL ), badMask );
all               750 modules/videoio/src/cap_openni2.cpp     cv::Mat pointCloud_XYZ( rows, cols, CV_32FC3, cv::Scalar::all(badPoint) );
all               784 modules/videoio/src/cap_openni2.cpp     disp = cv::Scalar::all( CvCapture_OpenNI2::INVALID_PIXEL_VAL );
all               144 modules/videoio/test/test_ffmpeg.cpp                     Mat img(frame_s, CV_8UC3, Scalar::all(0));
all               151 modules/videoio/test/test_ffmpeg.cpp                                   Scalar::all(255 * (1.0 - static_cast<double>(i) / (fps * time_sec * 2) )), -1);
all               272 modules/videoio/test/test_ffmpeg.cpp         frame = Scalar::all(i % 255);
all               308 modules/videoio/test/test_ffmpeg.cpp const Scalar WriteVideo_Invoker::ObjectColor(Scalar::all(0));
all               468 modules/videoio/test/test_video_io.cpp                 if (img.at<Vec3b>(k, l) == Vec3b::all(0))
all                70 modules/viz/include/opencv2/viz/vizcore.hpp         CV_EXPORTS Affine3d makeTransformToGlobal(const Vec3d& axis_x, const Vec3d& axis_y, const Vec3d& axis_z, const Vec3d& origin = Vec3d::all(0));
all               381 modules/viz/include/opencv2/viz/widgets.hpp             WCube(const Point3d& min_point = Vec3d::all(-0.5), const Point3d& max_point = Vec3d::all(0.5),
all               525 modules/viz/include/opencv2/viz/widgets.hpp             WGrid(const Vec2i &cells = Vec2i::all(10), const Vec2d &cells_spacing = Vec2d::all(1.0), const Color &color = Color::white());
all               529 modules/viz/include/opencv2/viz/widgets.hpp                   const Vec2i &cells = Vec2i::all(10), const Vec2d &cells_spacing = Vec2d::all(1.0), const Color &color = Color::white());
all               780 modules/viz/src/shapes.cpp                         *drow++ = Vec3b::all(*srow++);
all               100 modules/viz/test/test_precomp.hpp             result.push_back(viz::makeCameraPose(Vec3d(x, y, z), Vec3d::all(0.0), Vec3d(0.0, 1.0, 0.0)));
all                27 modules/viz/test/test_tutorial2.cpp     Vec3d rot_vec = Vec3d::all(0);
all                84 modules/viz/test/tests_simple.cpp     Vec3f qnan = Vec3f::all(std::numeric_limits<float>::quiet_NaN());
all               162 modules/viz/test/tests_simple.cpp     merger.addWidget(WCube(Vec3d::all(0.0), Vec3d::all(1.0), true, Color::gold()));
all               168 modules/viz/test/tests_simple.cpp         rng.fill(c, RNG::NORMAL, Scalar::all(128), Scalar::all(48), true);
all               397 modules/viz/test/tests_simple.cpp     viz.showWidget("arr3", WArrow(Vec3d::all(-0.5), Vec3d::all(0.5), 0.009, Color::raspberry()));
all               418 modules/viz/test/tests_simple.cpp     viz.showWidget("cub0", WCube(Vec3d::all(-1.0), Vec3d::all(-0.5), false, Color::indigo()));
all               419 modules/viz/test/tests_simple.cpp     viz.showWidget("arro", WArrow(Vec3d::all(-0.5), Vec3d::all(0.5), 0.009, Color::raspberry()));
all               433 modules/viz/test/tests_simple.cpp     viz.showWidget("grid1", WGrid(Vec2i(7,7), Vec2d::all(0.75), Color::gray()), Affine3d().translate(Vec3d(0.0, 0.0, -1.0)));
all               181 samples/android/image-manipulations/src/org/opencv/samples/imagemanipulations/ImageManipulationsActivity.java         mWhilte = Scalar.all(255);
all               348 samples/cpp/3calibration.cpp     canvas = Scalar::all(0);
all               352 samples/cpp/3calibration.cpp         canvas = Scalar::all(0);
all                86 samples/cpp/bgfg_segm.cpp         fgimg = Scalar::all(0);
all               139 samples/cpp/camshiftdemo.cpp                     histimg = Scalar::all(0);
all               194 samples/cpp/camshiftdemo.cpp             histimg = Scalar::all(0);
all                42 samples/cpp/convexhull.cpp         img = Scalar::all(0);
all                36 samples/cpp/cout_mat.cpp     randu(r, Scalar::all(0), Scalar::all(255));
all               116 samples/cpp/delaunay2.cpp     img = Scalar::all(0);
all               133 samples/cpp/delaunay2.cpp         img = Scalar::all(0);
all               141 samples/cpp/delaunay2.cpp     img = Scalar::all(0);
all                50 samples/cpp/demhist.cpp     histImage = Scalar::all(255);
all                56 samples/cpp/demhist.cpp                    Scalar::all(0), -1, 8, 0 );
all                41 samples/cpp/dft.cpp     copyMakeBorder(img, padded, 0, M - img.rows, 0, N - img.cols, BORDER_CONSTANT, Scalar::all(0));
all                53 samples/cpp/dft.cpp     mag += Scalar::all(1);
all                54 samples/cpp/distrans.cpp         dist32s &= Scalar::all(255);
all                59 samples/cpp/distrans.cpp         dist32s += Scalar::all(255);
all               167 samples/cpp/drawing.cpp         image2 = image - Scalar::all(i);
all                21 samples/cpp/edge.cpp     cedge = Scalar::all(0);
all               112 samples/cpp/ffilldemo.cpp                 mask = Scalar::all(0);
all               119 samples/cpp/ffilldemo.cpp                 mask = Scalar::all(0);
all               132 samples/cpp/ffilldemo.cpp                 mask = Scalar::all(0);
all               141 samples/cpp/ffilldemo.cpp             mask = Scalar::all(0);
all                84 samples/cpp/fitellipse.cpp         drawContours(cimage, contours, (int)i, Scalar::all(255), 1, 8);
all                82 samples/cpp/grabcut.cpp         mask.setTo(Scalar::all(GC_BGD));
all                86 samples/cpp/image.cpp     randn(noise, Scalar::all(128), Scalar::all(20)); // fills the matrix with normally distributed random values;
all                40 samples/cpp/inpaint.cpp         line( inpaintMask, prevPt, pt, Scalar::all(255), 5, 8, 0 );
all                41 samples/cpp/inpaint.cpp         line( img, prevPt, pt, Scalar::all(255), 5, 8, 0 );
all                77 samples/cpp/inpaint.cpp             inpaintMask = Scalar::all(0);
all                42 samples/cpp/kalman.cpp         randn( state, Scalar::all(0), Scalar::all(0.1) );
all                46 samples/cpp/kalman.cpp         setIdentity(KF.processNoiseCov, Scalar::all(1e-5));
all                47 samples/cpp/kalman.cpp         setIdentity(KF.measurementNoiseCov, Scalar::all(1e-1));
all                48 samples/cpp/kalman.cpp         setIdentity(KF.errorCovPost, Scalar::all(1));
all                50 samples/cpp/kalman.cpp         randn(KF.statePost, Scalar::all(0), Scalar::all(0.1));
all                63 samples/cpp/kalman.cpp             randn( measurement, Scalar::all(0), Scalar::all(KF.measurementNoiseCov.at<float>(0)));
all                78 samples/cpp/kalman.cpp             img = Scalar::all(0);
all                88 samples/cpp/kalman.cpp             randn( processNoise, Scalar(0), Scalar::all(sqrt(KF.processNoiseCov.at<float>(0, 0))));
all                60 samples/cpp/kmeans.cpp         img = Scalar::all(0);
all               102 samples/cpp/letter_recog.cpp     train_samples.setTo(Scalar::all(1));
all               106 samples/cpp/letter_recog.cpp     var_type.setTo(Scalar::all(VAR_ORDERED));
all               277 samples/cpp/letter_recog.cpp         var_type.setTo(Scalar::all(VAR_ORDERED));
all                77 samples/cpp/lkdemo.cpp             image = Scalar::all(0);
all                56 samples/cpp/minarea.cpp         img = Scalar::all(0);
all                39 samples/cpp/openni_capture.cpp     rgb = Scalar::all(0);
all                59 samples/cpp/points_classifier.cpp         img = Scalar::all(0);
all               321 samples/cpp/points_classifier.cpp             img = Scalar::all(0);
all               180 samples/cpp/select3dobj.cpp     fillConvexPoly(selectedObjMask, &hull[0], (int)hull.size(), Scalar::all(255), 8, 0);
all               185 samples/cpp/select3dobj.cpp         selectedObjMask = Scalar::all(GC_BGD);
all               186 samples/cpp/select3dobj.cpp         fillConvexPoly(selectedObjMask, &hull[0], (int)hull.size(), Scalar::all(GC_PR_FGD), 8, 0);
all               190 samples/cpp/select3dobj.cpp         bitwise_and(selectedObjMask, Scalar::all(1), selectedObjMask);
all               318 samples/cpp/select3dobj.cpp     FileNode all = fs["views"];
all               319 samples/cpp/select3dobj.cpp     if( all.type() != FileNode::SEQ )
all               321 samples/cpp/select3dobj.cpp     FileNodeIterator it = all.begin(), it_end = all.end();
all               587 samples/cpp/stitching_detailed.cpp         masks[i].setTo(Scalar::all(255));
all               780 samples/cpp/stitching_detailed.cpp         mask.setTo(Scalar::all(255));
all                84 samples/cpp/tutorial_code/Histograms_Matching/MatchTemplate_Demo.cpp   rectangle( img_display, matchLoc, Point( matchLoc.x + templ.cols , matchLoc.y + templ.rows ), Scalar::all(0), 2, 8, 0 );
all                85 samples/cpp/tutorial_code/Histograms_Matching/MatchTemplate_Demo.cpp   rectangle( result, matchLoc, Point( matchLoc.x + templ.cols , matchLoc.y + templ.rows ), Scalar::all(0), 2, 8, 0 );
all                40 samples/cpp/tutorial_code/ImgTrans/CannyDetector_Demo.cpp     dst = Scalar::all(0);
all               118 samples/cpp/tutorial_code/ImgTrans/imageSegmentation.cpp         drawContours(markers, contours, static_cast<int>(i), Scalar::all(static_cast<int>(i)+1), -1);
all               362 samples/cpp/tutorial_code/calib3d/real_time_pose_estimation/src/main_detection.cpp   setIdentity(KF.processNoiseCov, Scalar::all(1e-5));       // set process noise
all               363 samples/cpp/tutorial_code/calib3d/real_time_pose_estimation/src/main_detection.cpp   setIdentity(KF.measurementNoiseCov, Scalar::all(1e-2));   // set measurement noise
all               364 samples/cpp/tutorial_code/calib3d/real_time_pose_estimation/src/main_detection.cpp   setIdentity(KF.errorCovPost, Scalar::all(1));             // error covariance
all               316 samples/cpp/tutorial_code/core/Matrix/Drawing_2.cpp     image2 = image - Scalar::all(i);
all                33 samples/cpp/tutorial_code/core/discrete_fourier_transform/discrete_fourier_transform.cpp     copyMakeBorder(I, padded, 0, m - I.rows, 0, n - I.cols, BORDER_CONSTANT, Scalar::all(0));
all                47 samples/cpp/tutorial_code/core/discrete_fourier_transform/discrete_fourier_transform.cpp     magI += Scalar::all(1);                    // switch to logarithmic scale
all                99 samples/cpp/tutorial_code/core/interoperability_with_OpenCV_1/interoperability_with_OpenCV_1.cpp     randn(noisyI, Scalar::all(128), Scalar::all(20));
all                41 samples/cpp/tutorial_code/core/mat_the_basic_image_container/mat_the_basic_image_container.cpp     Mat L(3,sz, CV_8UC(1), Scalar::all(0));
all                70 samples/cpp/tutorial_code/core/mat_the_basic_image_container/mat_the_basic_image_container.cpp     randu(R, Scalar::all(0), Scalar::all(255));
all                47 samples/cpp/tutorial_code/features2D/AKAZE_tracking/planar_tracking.cpp     putText(first_frame, title, Point(0, 60), FONT_HERSHEY_PLAIN, 5, Scalar::all(0), 4);
all                33 samples/cpp/tutorial_code/features2D/AKAZE_tracking/utils.h     putText(image, str1.str(), Point(0, image.rows - 90), font, 2, Scalar::all(255), 3);
all                34 samples/cpp/tutorial_code/features2D/AKAZE_tracking/utils.h     putText(image, str2.str(), Point(0, image.rows - 60), font, 2, Scalar::all(255), 3);
all                35 samples/cpp/tutorial_code/features2D/AKAZE_tracking/utils.h     putText(image, str3.str(), Point(0, image.rows - 30), font, 2, Scalar::all(255), 3);
all                90 samples/cpp/tvl1_optical_flow.cpp     dst.setTo(Scalar::all(0));
all                42 samples/cpp/watershed.cpp         line( markerMask, prevPt, pt, Scalar::all(255), 5, 8, 0 );
all                43 samples/cpp/watershed.cpp         line( img, prevPt, pt, Scalar::all(255), 5, 8, 0 );
all                65 samples/cpp/watershed.cpp     markerMask = Scalar::all(0);
all                78 samples/cpp/watershed.cpp             markerMask = Scalar::all(0);
all                94 samples/cpp/watershed.cpp             markers = Scalar::all(0);
all                97 samples/cpp/watershed.cpp                 drawContours(markers, contours, idx, Scalar::all(compCount+1), -1, 8, hierarchy, INT_MAX);
all                23 samples/gpu/alpha_comp.cpp     Mat src1(640, 480, CV_8UC4, Scalar::all(0));
all                24 samples/gpu/alpha_comp.cpp     Mat src2(640, 480, CV_8UC4, Scalar::all(0));
all               150 samples/gpu/bgfg_segm.cpp         d_fgimg.setTo(Scalar::all(0));
all                92 samples/gpu/optical_flow.cpp     dst.setTo(Scalar::all(0));
all               144 samples/gpu/performance/tests.cpp         gen(src, size, size, CV_32FC2, Scalar::all(0), Scalar::all(1));
all               230 samples/gpu/performance/tests.cpp         gen(src, size, size, CV_32FC4, Scalar::all(0), Scalar::all(1));
all               260 samples/gpu/performance/tests.cpp         gen(src, size, size, CV_8UC3, Scalar::all(0), Scalar::all(256));
all               268 samples/gpu/performance/tests.cpp         gen(src, size, size, CV_8UC4, Scalar::all(0), Scalar::all(256));
all               534 samples/gpu/performance/tests.cpp         gen(src1, size, size, CV_32FC2, Scalar::all(0), Scalar::all(1));
all               535 samples/gpu/performance/tests.cpp         gen(src2, size, size, CV_32FC2, Scalar::all(0), Scalar::all(1));
all               742 samples/gpu/performance/tests.cpp         gen(src, size, size, CV_8UC4, Scalar::all(0), Scalar::all(256));
all               857 samples/gpu/performance/tests.cpp         gen(src, 1, size, CV_32FC3, Scalar::all(0), Scalar::all(10));
all               878 samples/gpu/performance/tests.cpp     Mat object; gen(object, 1, 4, CV_32FC3, Scalar::all(0), Scalar::all(100));
all               879 samples/gpu/performance/tests.cpp     Mat image; gen(image, 1, 4, CV_32FC2, Scalar::all(0), Scalar::all(100));
all               893 samples/gpu/performance/tests.cpp         Mat object; gen(object, 1, num_points, CV_32FC3, Scalar::all(10), Scalar::all(100));
all               894 samples/gpu/performance/tests.cpp         Mat image; gen(image, 1, num_points, CV_32FC2, Scalar::all(10), Scalar::all(100));
all              1143 samples/gpu/performance/tests.cpp         gen(src1, size, size, CV_32FC1, Scalar::all(-10), Scalar::all(10));
all              1144 samples/gpu/performance/tests.cpp         gen(src2, size, size, CV_32FC1, Scalar::all(-10), Scalar::all(10));
all              1145 samples/gpu/performance/tests.cpp         gen(src3, size, size, CV_32FC1, Scalar::all(-10), Scalar::all(10));
all               214 samples/gpu/stereo_match.cpp         putText(disp, text(), Point(5, 25), FONT_HERSHEY_SIMPLEX, 1.0, Scalar::all(255));
all               101 samples/tapi/bgfg_segm.cpp         fgimg.setTo(Scalar::all(0));
all               101 samples/tapi/camshift.cpp     cv::Mat frame, histimg(200, 320, CV_8UC3, cv::Scalar::all(0));
all               141 samples/tapi/camshift.cpp                     histimg = cv::Scalar::all(0);
all               207 samples/tapi/camshift.cpp             histimg = cv::Scalar::all(0);