CV_32S           1467 apps/traincascade/boost.cpp         orig_response = cvCreateMat( 1, n, CV_32S );
CV_32S           1182 apps/traincascade/old_ml_boost.cpp         CV_CALL( orig_response = cvCreateMat( 1, n, CV_32S ));
CV_32S           1496 apps/traincascade/old_ml_boost.cpp         inv_map = cvCreateMat( 1, data->var_count, CV_32S );
CV_32S           1536 apps/traincascade/old_ml_boost.cpp             active_vars = cvCreateMat( 1, nactive_vars, CV_32S );
CV_32S           1537 apps/traincascade/old_ml_boost.cpp             active_vars_abs = cvCreateMat( 1, nactive_vars, CV_32S );
CV_32S           2988 modules/calib3d/src/calibration.cpp     npoints.create(1, (int)nimages, CV_32S);
CV_32S            412 modules/calib3d/src/circlesgrid.cpp       Mat indices(1, knn, CV_32S, &indicesbuf);
CV_32S            817 modules/calib3d/src/fundam.cpp     CV_Assert( depth == CV_32F || depth == CV_32S || depth == CV_64F );
CV_32S            835 modules/calib3d/src/fundam.cpp     if( depth == CV_32S || depth == CV_32F )
CV_32S            882 modules/calib3d/src/fundam.cpp     CV_Assert( npoints >= 0 && (depth == CV_32S || depth == CV_32F || depth == CV_64F));
CV_32S            895 modules/calib3d/src/fundam.cpp     if( depth == CV_32S )
CV_32S            981 modules/calib3d/src/fundam.cpp     CV_Assert( npoints >= 0 && (depth == CV_32S || depth == CV_32F || depth == CV_64F));
CV_32S            994 modules/calib3d/src/fundam.cpp     if( depth == CV_32S )
CV_32S           1140 modules/calib3d/src/stereosgbm.cpp               (costType == CV_16S || costType == CV_32S) &&
CV_32S            696 modules/calib3d/test/test_cameracalibration.cpp     CvMat _pointCounts = cvMat(1, imageCount, CV_32S, pointCounts);
CV_32S           1714 modules/calib3d/test/test_cameracalibration.cpp     Mat npoints( 1, nimages, CV_32S ),
CV_32S            227 modules/calib3d/test/test_cameracalibration_badarg.cpp     Mat bad_cameraMatrix_cpp1(3, 3, CV_32S); CvMat bad_cameraMatrix_c1 = bad_cameraMatrix_cpp1;
CV_32S            245 modules/calib3d/test/test_cameracalibration_badarg.cpp     Mat bad_distCoeffs_cpp1(1, 5, CV_32S); CvMat bad_distCoeffs_c1 = bad_distCoeffs_cpp1;
CV_32S            560 modules/calib3d/test/test_cameracalibration_badarg.cpp         Mat bad_r_vec_cpp1(r_vec_cpp.size(), CV_32S); CvMat bad_r_vec_c1 = bad_r_vec_cpp1;
CV_32S            577 modules/calib3d/test/test_cameracalibration_badarg.cpp         Mat bad_t_vec_cpp1(t_vec_cpp.size(), CV_32S); CvMat bad_t_vec_c1 = bad_t_vec_cpp1;
CV_32S            594 modules/calib3d/test/test_cameracalibration_badarg.cpp         Mat bad_A_cpp1(A_cpp.size(), CV_32S); CvMat bad_A_c1 = bad_A_cpp1;
CV_32S            606 modules/calib3d/test/test_cameracalibration_badarg.cpp         Mat bad_distCoeffs_cpp1(distCoeffs_cpp.size(), CV_32S); CvMat bad_distCoeffs_c1 = bad_distCoeffs_cpp1;
CV_32S            628 modules/calib3d/test/test_cameracalibration_badarg.cpp         Mat bad_dpdr_cpp1(dpdr_cpp.size(), CV_32S); CvMat bad_dpdr_c1 = bad_dpdr_cpp1;
CV_32S            167 modules/calib3d/test/test_undistort_badarg.cpp     temp = cvCreateMat(1,3,CV_32S);
CV_32S            173 modules/calib3d/test/test_undistort_badarg.cpp     temp = cvCreateMat(1,3,CV_32S);
CV_32S            140 modules/core/include/opencv2/core/cvdef.h #define CV_32SC1 CV_MAKETYPE(CV_32S,1)
CV_32S            141 modules/core/include/opencv2/core/cvdef.h #define CV_32SC2 CV_MAKETYPE(CV_32S,2)
CV_32S            142 modules/core/include/opencv2/core/cvdef.h #define CV_32SC3 CV_MAKETYPE(CV_32S,3)
CV_32S            143 modules/core/include/opencv2/core/cvdef.h #define CV_32SC4 CV_MAKETYPE(CV_32S,4)
CV_32S            144 modules/core/include/opencv2/core/cvdef.h #define CV_32SC(n) CV_MAKETYPE(CV_32S,(n))
CV_32S             75 modules/core/include/opencv2/core/ippasync.hpp                      depth == CV_32S ? HPP_DATA_TYPE_32S :
CV_32S             88 modules/core/include/opencv2/core/ippasync.hpp                     hppType == HPP_DATA_TYPE_32S ? CV_32S :
CV_32S            272 modules/core/include/opencv2/core/mat.hpp         DEPTH_MASK_32S = 1 << CV_32S,
CV_32S            136 modules/core/include/opencv2/core/private.cuda.hpp     template<> struct NPPTypeTraits<CV_32S> { typedef Npp32s npp_type; };
CV_32S            229 modules/core/include/opencv2/core/private.hpp         depth == CV_32S ? ipp32s :
CV_32S            219 modules/core/include/opencv2/core/traits.hpp            depth        = CV_32S,
CV_32S            304 modules/core/include/opencv2/core/traits.hpp template<> class TypeDepth<CV_32S>
CV_32S            306 modules/core/include/opencv2/core/traits.hpp     enum { depth = CV_32S };
CV_32S            502 modules/core/include/opencv2/core/types_c.h     (CV_16S<<24)+(CV_32S<<28)) >> ((((depth) & 0xF0) >> 2) + \
CV_32S            605 modules/core/include/opencv2/core/types_c.h            depth == CV_32S ? IPL_DEPTH_SIGN : 0);
CV_32S              9 modules/core/misc/java/src/java/core+CvType.java             CV_32S = 4,
CV_32S             55 modules/core/misc/java/src/java/core+CvType.java         return makeType(CV_32S, ch);
CV_32S             86 modules/core/misc/java/src/java/core+CvType.java         case CV_32S:
CV_32S            112 modules/core/misc/java/src/java/core+CvType.java         case CV_32S:
CV_32S            967 modules/core/misc/java/src/java/core+Mat.java         if (CvType.depth(t) == CvType.CV_32S) {
CV_32S           1042 modules/core/misc/java/src/java/core+Mat.java         if (CvType.depth(t) == CvType.CV_32S) {
CV_32S              9 modules/core/misc/java/src/java/core+MatOfInt.java     private static final int _depth = CvType.CV_32S;
CV_32S              9 modules/core/misc/java/src/java/core+MatOfInt4.java     private static final int _depth = CvType.CV_32S;
CV_32S              8 modules/core/misc/java/src/java/core+MatOfPoint.java     private static final int _depth = CvType.CV_32S;
CV_32S              8 modules/core/misc/java/src/java/core+MatOfPoint3.java     private static final int _depth = CvType.CV_32S;
CV_32S              9 modules/core/misc/java/src/java/core+MatOfRect.java     private static final int _depth = CvType.CV_32S;
CV_32S            812 modules/core/misc/java/test/CoreTest.java         Mat expected_labels = new Mat(4, 1, CvType.CV_32S) {
CV_32S            838 modules/core/misc/java/test/CoreTest.java         Mat expected_labels = new Mat(4, 1, CvType.CV_32S) {
CV_32S            270 modules/core/misc/java/test/MatTest.java         Mat eye = Mat.eye(size, CvType.CV_32S);
CV_32S           1086 modules/core/perf/opencl/perf_arithm.cpp     const double eps = CV_MAT_DEPTH(dtype) <= CV_32S ? 1 : 1e-5;
CV_32S           1117 modules/core/perf/opencl/perf_arithm.cpp     const double eps = CV_MAT_DEPTH(dtype) <= CV_32S ? 1 : 3e-4;
CV_32S             26 modules/core/perf/perf_addWeighted.cpp     if (CV_MAT_DEPTH(type) == CV_32S)
CV_32S             83 modules/core/perf/perf_arithm.cpp     if (CV_MAT_DEPTH(type) == CV_32S)
CV_32S            105 modules/core/perf/perf_arithm.cpp     if (CV_MAT_DEPTH(type) == CV_32S)
CV_32S            128 modules/core/perf/perf_arithm.cpp     if (CV_MAT_DEPTH(type) == CV_32S)
CV_32S            150 modules/core/perf/perf_arithm.cpp     if (CV_MAT_DEPTH(type) == CV_32S)
CV_32S            172 modules/core/perf/perf_arithm.cpp     if (CV_MAT_DEPTH(type) == CV_32S)
CV_32S            194 modules/core/perf/perf_arithm.cpp     if (CV_MAT_DEPTH(type) == CV_32S)
CV_32S            213 modules/core/perf/perf_arithm.cpp     if (CV_MAT_DEPTH(type) == CV_32S)
CV_32S            234 modules/core/perf/perf_arithm.cpp     if (CV_MAT_DEPTH(type) == CV_32S)
CV_32S             16 modules/core/perf/perf_convertTo.cpp                  testing::Values(CV_8U, CV_8S, CV_16U, CV_16S, CV_32S, CV_32F, CV_64F),
CV_32S             17 modules/core/perf/perf_convertTo.cpp                  testing::Values(CV_8U, CV_8S, CV_16U, CV_16S, CV_32S, CV_32F, CV_64F),
CV_32S             59 modules/core/perf/perf_math.cpp     Mat clusterPointsNumber = Mat::zeros(1, K, CV_32S);
CV_32S             16 modules/core/perf/perf_merge.cpp                  testing::Values(CV_8U, CV_16S, CV_32S, CV_32F, CV_64F),
CV_32S             28 modules/core/perf/perf_reduce.cpp     if( CV_MAT_DEPTH(matType) < CV_32S && (reduceOp == CV_REDUCE_SUM || reduceOp == CV_REDUCE_AVG) )
CV_32S             29 modules/core/perf/perf_reduce.cpp         ddepth = CV_32S;
CV_32S             56 modules/core/perf/perf_reduce.cpp     if( CV_MAT_DEPTH(matType)< CV_32S && (reduceOp == CV_REDUCE_SUM || reduceOp == CV_REDUCE_AVG) )
CV_32S             57 modules/core/perf/perf_reduce.cpp         ddepth = CV_32S;
CV_32S           1800 modules/core/src/arithm.cpp         CV_32S;
CV_32S           1818 modules/core/src/arithm.cpp     int dtype = _dst.type(), ddepth = CV_MAT_DEPTH(dtype), wdepth = std::max(CV_32S, CV_MAT_DEPTH(wtype));
CV_32S           1845 modules/core/src/arithm.cpp             oclop == OCL_OP_ABSDIFF && wdepth == CV_32S && ddepth == wdepth ?
CV_32S           1995 modules/core/src/arithm.cpp             if( depth2 == CV_64F && (depth1 < CV_32S || depth1 == CV_32F) )
CV_32S           2022 modules/core/src/arithm.cpp                 depth1 <= CV_32S && depth2 <= CV_32S ? CV_32S : std::max(depth1, depth2);
CV_32S           2029 modules/core/src/arithm.cpp             wtype = CV_32S;
CV_32S           4938 modules/core/src/arithm.cpp         if( depth1 > CV_32S )
CV_32S           4960 modules/core/src/arithm.cpp             convertAndUnrollScalar(Mat(1, 1, CV_32S, &ival), depth1, (uchar *)buf, kercn);
CV_32S           5059 modules/core/src/arithm.cpp         if( depth1 > CV_32S )
CV_32S           5090 modules/core/src/arithm.cpp             convertAndUnrollScalar(Mat(1, 1, CV_32S, &ival), depth1, buf, blocksize);
CV_32S           5628 modules/core/src/arithm.cpp         if( ldepth != sdepth && sdepth < CV_32S )
CV_32S           5633 modules/core/src/arithm.cpp             BinaryFunc sccvtfunc = getConvertFunc(ldepth, CV_32S);
CV_32S           5643 modules/core/src/arithm.cpp             lscalar = Mat(cn, 1, CV_32S, ilbuf);
CV_32S           5644 modules/core/src/arithm.cpp             uscalar = Mat(cn, 1, CV_32S, iubuf);
CV_32S           5739 modules/core/src/arithm.cpp         if( scdepth != depth && depth < CV_32S )
CV_32S           5744 modules/core/src/arithm.cpp             BinaryFunc sccvtfunc = getConvertFunc(scdepth, CV_32S);
CV_32S           5754 modules/core/src/arithm.cpp             lb = Mat(cn, 1, CV_32S, ilbuf);
CV_32S           5755 modules/core/src/arithm.cpp             ub = Mat(cn, 1, CV_32S, iubuf);
CV_32S           1563 modules/core/src/array.cpp     case CV_32S:
CV_32S           1594 modules/core/src/array.cpp     case CV_32S:
CV_32S           1625 modules/core/src/array.cpp         case CV_32S:
CV_32S            481 modules/core/src/copy.cpp                 (/*depth0 == CV_8U ||*/ depth0 == CV_16U || depth0 == CV_16S || depth0 == CV_32S || depth0 == CV_32F) &&
CV_32S            506 modules/core/src/copy.cpp                 else if (depth0 == CV_32S)
CV_32S            532 modules/core/src/copy.cpp                 else if (depth0 == CV_32S) \
CV_32S            235 modules/core/src/kmeans.cpp     _bestLabels.create(N, 1, CV_32S, -1, true);
CV_32S            242 modules/core/src/kmeans.cpp                   best_labels.type() == CV_32S &&
CV_32S            250 modules/core/src/kmeans.cpp             best_labels.type() == CV_32S &&
CV_32S            252 modules/core/src/kmeans.cpp             best_labels.create(N, 1, CV_32S);
CV_32S           1560 modules/core/src/mathfuncs.cpp template<> struct mat_type_assotiations<CV_32S>
CV_32S           1608 modules/core/src/mathfuncs.cpp     &checkIntegerRange<CV_32S>
CV_32S           1953 modules/core/src/matmul.cpp     int mtype = depth == CV_32S || depth == CV_64F ? CV_64F : CV_32F;
CV_32S           1078 modules/core/src/matrix.cpp     case CV_32S:
CV_32S           3543 modules/core/src/matrix.cpp         if (sdepth < CV_32S && ddepth < CV_32S)
CV_32S           3544 modules/core/src/matrix.cpp             ddepth = CV_32S;
CV_32S           3653 modules/core/src/matrix.cpp         if( sdepth < CV_32S && ddepth < CV_32S )
CV_32S           3656 modules/core/src/matrix.cpp             ddepth = CV_32S;
CV_32S           3665 modules/core/src/matrix.cpp             if(sdepth == CV_8U && ddepth == CV_32S)
CV_32S           3717 modules/core/src/matrix.cpp             if(sdepth == CV_8U && ddepth == CV_32S)
CV_32S           3812 modules/core/src/matrix.cpp             depth == CV_32S || depth == CV_32F ? (IppFlipFunc)ippsFlip_32f_I :
CV_32S           3928 modules/core/src/matrix.cpp             depth == CV_32S ? (IppSortIndexFunc)ippsSortIndexAscend_32s_I :
CV_32S           3935 modules/core/src/matrix.cpp             depth == CV_32S ? (IppSortIndexFunc)ippsSortIndexDescend_32s_I :
CV_32S           4068 modules/core/src/matrix.cpp     _dst.create( src.size(), CV_32S );
CV_32S           4205 modules/core/src/matrix.cpp         CV_Assert( src.size() == idx.size() && idx.type() == CV_32S && src.data != idx.data );
CV_32S           4238 modules/core/src/matrix.cpp     CV_Assert( labels.isContinuous() && labels.type() == CV_32S &&
CV_32S           5354 modules/core/src/ocl.cpp         (ddepth == CV_32S && sdepth < CV_32S) ||
CV_32S           5361 modules/core/src/ocl.cpp         sprintf(buf, "convert_%s%s_rte", typestr, (ddepth < CV_32S ? "_sat" : ""));
CV_32S           5460 modules/core/src/ocl.cpp         vectorWidths[CV_32S] = vectorWidths[CV_32F] = vectorWidths[CV_64F] = 1;
CV_32S           1244 modules/core/src/opengl.cpp     CV_Assert( depth == CV_16S || depth == CV_32S || depth == CV_32F || depth == CV_64F );
CV_32S           1283 modules/core/src/opengl.cpp     CV_Assert( depth == CV_8S || depth == CV_16S || depth == CV_32S || depth == CV_32F || depth == CV_64F );
CV_32S           1302 modules/core/src/opengl.cpp     CV_Assert( depth == CV_16S || depth == CV_32S || depth == CV_32F || depth == CV_64F );
CV_32S           1530 modules/core/src/opengl.cpp                 CV_Assert( depth <= CV_32S );
CV_32S           1535 modules/core/src/opengl.cpp                 else if (depth < CV_32S)
CV_32S           1556 modules/core/src/opengl.cpp                 CV_Assert( depth <= CV_32S );
CV_32S           1562 modules/core/src/opengl.cpp                 else if (depth < CV_32S)
CV_32S            115 modules/core/src/out.cpp                 case CV_32S: valueToStr = &FormattedImpl::valueToStr32s; break;
CV_32S           3152 modules/core/src/persistence.cpp                 case CV_32S:
CV_32S           3274 modules/core/src/persistence.cpp                     case CV_32S:
CV_32S           3322 modules/core/src/persistence.cpp                     case CV_32S:
CV_32S           4640 modules/core/src/persistence.cpp             fmt_pairs[0] != 2 || fmt_pairs[1] != CV_32S ||
CV_32S            537 modules/core/src/rand.cpp         if( depth <= CV_32S )
CV_32S           1069 modules/core/src/stat.cpp     int ddepth = std::max(sum_op == OCL_OP_SUM_SQR ? CV_32F : CV_32S, depth),
CV_32S           1093 modules/core/src/stat.cpp                          depth <= CV_32S && ddepth == CV_32S ? ocl::convertTypeStr(CV_8U, ddepth, convert_cn, cvt[1]) : "noconvert");
CV_32S           1127 modules/core/src/stat.cpp                 func = funcs[ddepth - CV_32S];
CV_32S           1214 modules/core/src/stat.cpp     bool blockSum = depth < CV_32S;
CV_32S           1525 modules/core/src/stat.cpp         int ddepth = std::max(CV_32S, depth), sqddepth = std::max(CV_32F, depth),
CV_32S           1556 modules/core/src/stat.cpp         int dbsize = groups * ((haveMask ? CV_ELEM_SIZE1(CV_32S) : 0) +
CV_32S           1577 modules/core/src/stat.cpp         mean = funcs[ddepth - CV_32S](Mat(1, groups, dtype, dbm.ptr()));
CV_32S           1578 modules/core/src/stat.cpp         stddev = funcs[sqddepth - CV_32S](Mat(1, groups, sqdtype, dbm.ptr() + groups * CV_ELEM_SIZE(dtype)));
CV_32S           2075 modules/core/src/stat.cpp     if (depth == CV_32S)
CV_32S           2118 modules/core/src/stat.cpp                          depth <= CV_32S && ddepth == CV_32S ? ocl::convertTypeStr(CV_8U, ddepth, kercn, cvt[1]) : "noconvert");
CV_32S           2124 modules/core/src/stat.cpp     int esz = CV_ELEM_SIZE(ddepth), esz32s = CV_ELEM_SIZE1(CV_32S),
CV_32S           2321 modules/core/src/stat.cpp     else if( depth <= CV_32S )
CV_32S           2587 modules/core/src/stat.cpp                            std::max(depth, CV_32S), depth != CV_8U && depth != CV_16U))
CV_32S           2964 modules/core/src/stat.cpp         if (!ocl_minMaxIdx(_src1, NULL, &sc1[0], NULL, NULL, _mask, std::max(CV_32S, depth),
CV_32S           3660 modules/core/src/stat.cpp         dtype = normType == NORM_HAMMING || normType == NORM_HAMMING2 ? CV_32S : CV_32F;
CV_32S           3662 modules/core/src/stat.cpp     CV_Assert( (type == CV_8U && dtype == CV_32S) || dtype == CV_32F);
CV_32S           3670 modules/core/src/stat.cpp         _nidx.create(dist.size(), CV_32S);
CV_32S           3676 modules/core/src/stat.cpp         dist = Scalar::all(dtype == CV_32S ? (double)INT_MAX : (double)FLT_MAX);
CV_32S           3692 modules/core/src/stat.cpp         if( dtype == CV_32S )
CV_32S           3724 modules/core/src/stat.cpp         if( normType == NORM_L1 && dtype == CV_32S )
CV_32S           3728 modules/core/src/stat.cpp         else if( normType == NORM_L2SQR && dtype == CV_32S )
CV_32S           3734 modules/core/src/stat.cpp         else if( normType == NORM_HAMMING && dtype == CV_32S )
CV_32S           3736 modules/core/src/stat.cpp         else if( normType == NORM_HAMMING2 && dtype == CV_32S )
CV_32S           1630 modules/core/test/ocl/test_arithm.cpp         Near(depth <= CV_32S ? 1 : 1e-3);
CV_32S           1759 modules/core/test/ocl/test_arithm.cpp         double eps = ddepth <= CV_32S ? 1 : 7e-4;
CV_32S           1805 modules/core/test/ocl/test_arithm.cpp         double eps = ddepth <= CV_32S ? 1 : 6e-6;
CV_32S           1852 modules/core/test/ocl/test_arithm.cpp OCL_INSTANTIATE_TEST_CASE_P(Arithm, ReduceSum, Combine(testing::Values(std::make_pair<MatDepth, MatDepth>(CV_8U, CV_32S),
CV_32S           1863 modules/core/test/ocl/test_arithm.cpp OCL_INSTANTIATE_TEST_CASE_P(Arithm, ReduceAvg, Combine(testing::Values(std::make_pair<MatDepth, MatDepth>(CV_8U, CV_32S),
CV_32S             27 modules/core/test/test_arithm.cpp         minval = depth < CV_32S ? cvtest::getMinVal(depth) : depth == CV_32S ? -1000000 : -1000.;
CV_32S             28 modules/core/test/test_arithm.cpp         maxval = depth < CV_32S ? cvtest::getMaxVal(depth) : depth == CV_32S ? 1000000 : 1000.;
CV_32S            176 modules/core/test/test_arithm.cpp         return depth <= CV_32S ? 2 : depth < CV_64F ? 1e-4 : 1e-12;
CV_32S            190 modules/core/test/test_arithm.cpp         return depth <= CV_32S ? 2 : depth < CV_64F ? 1e-5 : 1e-10;
CV_32S            199 modules/core/test/test_arithm.cpp         minval = depth < CV_32S ? cvtest::getMinVal(depth) : depth == CV_32S ? -1000000 : -1000.;
CV_32S            200 modules/core/test/test_arithm.cpp         maxval = depth < CV_32S ? cvtest::getMaxVal(depth) : depth == CV_32S ? 1000000 : 1000.;
CV_32S            214 modules/core/test/test_arithm.cpp         return depth <= CV_32S ? 2 : depth < CV_64F ? 1e-5 : 1e-12;
CV_32S            231 modules/core/test/test_arithm.cpp         return depth <= CV_32S ? 2 : depth < CV_64F ? 1e-5 : 1e-12;
CV_32S            248 modules/core/test/test_arithm.cpp         return depth <= CV_32S ? 2 : depth < CV_64F ? 1e-5 : 1e-12;
CV_32S            584 modules/core/test/test_arithm.cpp         case CV_32S:
CV_32S            611 modules/core/test/test_arithm.cpp     int wtype = CV_MAKETYPE(depth <= CV_32S ? CV_32S : depth, cn);
CV_32S            634 modules/core/test/test_arithm.cpp         case CV_32S:
CV_32S            725 modules/core/test/test_arithm.cpp         return ddepth <= CV_32S ? 2 : ddepth < CV_64F ? 1e-3 : 1e-12;
CV_32S           1166 modules/core/test/test_arithm.cpp         dst.create(1, 1, CV_32S);
CV_32S           1175 modules/core/test/test_arithm.cpp         dst.create(1, 1, CV_32S);
CV_32S           1792 modules/core/test/test_arithm.cpp     testing::Values(-1, CV_16S, CV_32S, CV_32F),
CV_32S             97 modules/core/test/test_countnonzero.cpp             case CV_32S: { src.at<int>(i, j) = cv::randu<int>(); break; }
CV_32S            120 modules/core/test/test_countnonzero.cpp         case CV_32S: { if (!src.at<int>(i, j)) {src.at<int>(i, j) = cv::randu<int>(); n += abs(sign(src.at<int>(i, j)));} break; }
CV_32S            156 modules/core/test/test_countnonzero.cpp             else if (current_type == CV_32S) result += abs(sign(src.at<int>(i, j)));
CV_32S             27 modules/core/test/test_io.cpp         else if( type == CV_32S )
CV_32S             65 modules/core/test/test_io.cpp         else if( depth == CV_32S )
CV_32S             91 modules/core/test/test_mat.cpp         if( srcType == CV_8U && (dstType == CV_32S || dstType == CV_32F || dstType == CV_64F) )
CV_32S            130 modules/core/test/test_mat.cpp         else if ( dstType == CV_32S )
CV_32S            979 modules/core/test/test_mat.cpp     case CV_32S:
CV_32S           1020 modules/core/test/test_mat.cpp         curRes = run_case(CV_32S, mvSize, mSize, rng);
CV_32S           1170 modules/core/test/test_mat.cpp void OutputArray_create1(OutputArray m) { m.create(1, 2, CV_32S); }
CV_32S            297 modules/core/test/test_math.cpp             case CV_32S:
CV_32S            840 modules/core/test/test_math.cpp     mattype = depth < CV_32S ? CV_32F : depth == CV_64F ? CV_64F : bits & 1 ? CV_32F : CV_64F;
CV_32S            888 modules/core/test/test_math.cpp     return depth <= CV_8S ? 1 : depth <= CV_32S ? 9 : Base::get_success_error_level( test_case_idx, i, j );
CV_32S           1199 modules/core/test/test_math.cpp     if( CV_MAT_DEPTH(types[INPUT][0]) == CV_32S )
CV_32S           2721 modules/core/test/test_math.cpp                 Mat hist(K, 1, CV_32S, Scalar(0));
CV_32S            161 modules/core/test/test_operations.cpp         Mat intMat10(3, 3, CV_32S, Scalar(10));
CV_32S            162 modules/core/test/test_operations.cpp         Mat intMat11(3, 3, CV_32S, Scalar(11));
CV_32S            667 modules/core/test/test_operations.cpp         if (Mat_<int>(1, 1).depth() != CV_32S) throw test_excep();
CV_32S            751 modules/core/test/test_operations.cpp         if (Mat1i(1, 1).depth() != CV_32S) throw test_excep();
CV_32S            160 modules/core/test/test_rand.cpp             hist[c].create(1, hsz, CV_32S);
CV_32S            202 modules/core/test/test_rand.cpp                 depth == CV_32S ? ((const int*)data)[i] :
CV_32S            272 modules/core/test/test_rand.cpp                 depth == CV_32S ? ((const int*)data)[i] :
CV_32S            713 modules/cudaarithm/perf/perf_element_operations.cpp                     Values(CV_8U, CV_16U, CV_32S)))
CV_32S            745 modules/cudaarithm/perf/perf_element_operations.cpp                     Values(CV_8U, CV_16U, CV_32S)))
CV_32S            781 modules/cudaarithm/perf/perf_element_operations.cpp                     Values(CV_8U, CV_16U, CV_32S),
CV_32S            821 modules/cudaarithm/perf/perf_element_operations.cpp                     Values(CV_8U, CV_16U, CV_32S)))
CV_32S            857 modules/cudaarithm/perf/perf_element_operations.cpp                     Values(CV_8U, CV_16U, CV_32S),
CV_32S            897 modules/cudaarithm/perf/perf_element_operations.cpp                     Values(CV_8U, CV_16U, CV_32S)))
CV_32S            933 modules/cudaarithm/perf/perf_element_operations.cpp                     Values(CV_8U, CV_16U, CV_32S),
CV_32S            973 modules/cudaarithm/perf/perf_element_operations.cpp                     Values(CV_8U, CV_16U, CV_32S),
CV_32S           1007 modules/cudaarithm/perf/perf_element_operations.cpp                     Values(CV_8U, CV_16U, CV_32S),
CV_32S             56 modules/cudaarithm/perf/perf_reductions.cpp                     Values(CV_8U, CV_16U, CV_32S, CV_32F),
CV_32S             76 modules/cudaarithm/src/core.cpp     template<> struct NppTypeTraits<CV_32S> { typedef Npp32s npp_t; };
CV_32S            118 modules/cudaarithm/src/core.cpp         {NppMirror<CV_32S, nppiMirror_32s_C1R>::call, 0, NppMirror<CV_32S, nppiMirror_32s_C3R>::call, NppMirror<CV_32S, nppiMirror_32s_C4R>::call},
CV_32S            124 modules/cudaarithm/src/core.cpp     CV_Assert(src.depth() == CV_8U || src.depth() == CV_16U || src.depth() == CV_32S || src.depth() == CV_32F);
CV_32S            394 modules/cudaarithm/src/element_operations.cpp         {NppShift<CV_32S, 1, nppiRShiftC_32s_C1R>::call, 0, NppShift<CV_32S, 3, nppiRShiftC_32s_C3R>::call, NppShift<CV_32S, 4, nppiRShiftC_32s_C4R>::call},
CV_32S            418 modules/cudaarithm/src/element_operations.cpp         {NppShift<CV_32S, 1, nppiLShiftC_32s_C1R>::call, 0, NppShift<CV_32S, 3, nppiLShiftC_32s_C3R>::call, NppShift<CV_32S, 4, nppiLShiftC_32s_C4R>::call},
CV_32S            423 modules/cudaarithm/src/element_operations.cpp     CV_Assert( src.depth() == CV_8U || src.depth() == CV_16U || src.depth() == CV_32S );
CV_32S           2073 modules/cudaarithm/test/test_element_operations.cpp     TYPES(CV_8U, CV_32S, 1, 4)));
CV_32S           2139 modules/cudaarithm/test/test_element_operations.cpp     testing::Values(MatDepth(CV_8U), MatDepth(CV_16U), MatDepth(CV_32S)),
CV_32S           2218 modules/cudaarithm/test/test_element_operations.cpp                     MatDepth(CV_32S)),
CV_32S           2294 modules/cudaarithm/test/test_element_operations.cpp     testing::Values(MatDepth(CV_8U), MatDepth(CV_16U), MatDepth(CV_32S)),
CV_32S            111 modules/cudaarithm/test/test_reductions.cpp                     MatDepth(CV_32S),
CV_32S            854 modules/cudaarithm/test/test_reductions.cpp             dst_depth = depth == CV_8U ? CV_32S : depth < CV_64F ? CV_32F : depth;
CV_32S           1075 modules/cudaarithm/test/test_reductions.cpp     cv::integral(src, dst_gold, CV_32S);
CV_32S            113 modules/cudaarithm/test/test_stream.cpp     src.createMatHeader().convertTo(dst_gold, CV_32S);
CV_32S            123 modules/cudaarithm/test/test_stream.cpp     d_src.convertTo(d_dst, CV_32S, stream);
CV_32S            140 modules/cudaarithm/test/test_stream.cpp     d_src.convertTo(d_dst, CV_32S, stream);
CV_32S            146 modules/cudaarithm/test/test_stream.cpp     src.createMatHeader().convertTo(dst_gold, CV_32S);
CV_32S            205 modules/cudaimgproc/src/canny.cpp             filterDX_ = cuda::createDerivFilter(CV_8UC1, CV_32S, 1, 0, apperture_size_, false, 1, BORDER_REPLICATE);
CV_32S            206 modules/cudaimgproc/src/canny.cpp             filterDY_ = cuda::createDerivFilter(CV_8UC1, CV_32S, 0, 1, apperture_size_, false, 1, BORDER_REPLICATE);
CV_32S           2314 modules/cudaimgproc/src/color.cpp         NppAlphaComp<CV_32S, nppiAlphaComp_32s_AC4R>::call,
CV_32S            174 modules/cudaimgproc/src/generalized_hough.cpp         filterDx_ = cuda::createSobelFilter(CV_8UC1, CV_32S, 1, 0);
CV_32S            175 modules/cudaimgproc/src/generalized_hough.cpp         filterDy_ = cuda::createSobelFilter(CV_8UC1, CV_32S, 0, 1);
CV_32S            288 modules/cudaimgproc/src/histogram.cpp             _hist.create(1, histSize, CV_32S);
CV_32S            318 modules/cudaimgproc/src/histogram.cpp             hist[0].create(1, histSize[0], CV_32S);
CV_32S            319 modules/cudaimgproc/src/histogram.cpp             hist[1].create(1, histSize[1], CV_32S);
CV_32S            320 modules/cudaimgproc/src/histogram.cpp             hist[2].create(1, histSize[2], CV_32S);
CV_32S            321 modules/cudaimgproc/src/histogram.cpp             hist[3].create(1, histSize[3], CV_32S);
CV_32S            392 modules/cudaimgproc/src/histogram.cpp             _hist.create(1, levels.cols - 1, CV_32S);
CV_32S            427 modules/cudaimgproc/src/histogram.cpp             hist[0].create(1, levels[0].cols - 1, CV_32S);
CV_32S            428 modules/cudaimgproc/src/histogram.cpp             hist[1].create(1, levels[1].cols - 1, CV_32S);
CV_32S            429 modules/cudaimgproc/src/histogram.cpp             hist[2].create(1, levels[2].cols - 1, CV_32S);
CV_32S            430 modules/cudaimgproc/src/histogram.cpp             hist[3].create(1, levels[3].cols - 1, CV_32S);
CV_32S            483 modules/cudaimgproc/src/histogram.cpp         hist.create(1, histSize, CV_32S);
CV_32S            153 modules/cudaimgproc/src/hough_circles.cpp         filterDx_ = cuda::createSobelFilter(CV_8UC1, CV_32S, 1, 0);
CV_32S            154 modules/cudaimgproc/src/hough_circles.cpp         filterDy_ = cuda::createSobelFilter(CV_8UC1, CV_32S, 0, 1);
CV_32S             84 modules/cudaimgproc/test/test_histogram.cpp     hist_gold.convertTo(hist_gold, CV_32S);
CV_32S            128 modules/cudaimgproc/test/test_histogram.cpp     hist_gold.convertTo(hist_gold, CV_32S);
CV_32S            246 modules/cudalegacy/src/calib3d.cpp     GpuMat d_hypothesis_scores(1, num_iters, CV_32S);
CV_32S            148 modules/cudalegacy/src/graphcuts.cpp     CV_Assert(terminals.type() == CV_32S);
CV_32S            150 modules/cudalegacy/src/graphcuts.cpp     CV_Assert(terminals.type() == CV_32S || terminals.type() == CV_32F);
CV_32S            188 modules/cudalegacy/src/graphcuts.cpp     if (terminals.type() == CV_32S)
CV_32S            208 modules/cudalegacy/src/graphcuts.cpp     CV_Assert(terminals.type() == CV_32S);
CV_32S            210 modules/cudalegacy/src/graphcuts.cpp     CV_Assert(terminals.type() == CV_32S || terminals.type() == CV_32F);
CV_32S            262 modules/cudalegacy/src/graphcuts.cpp     if (terminals.type() == CV_32S)
CV_32S            548 modules/cudaobjdetect/src/cascadeclassifier.cpp         GpuMat dclassified(1, 1, CV_32S);
CV_32S            258 modules/cudawarping/src/warp.cpp                 {NppWarp<CV_32S, nppiWarpAffine_32s_C1R>::call, 0, NppWarp<CV_32S, nppiWarpAffine_32s_C3R>::call, NppWarp<CV_32S, nppiWarpAffine_32s_C4R>::call},
CV_32S            266 modules/cudawarping/src/warp.cpp                 {NppWarp<CV_32S, nppiWarpAffineBack_32s_C1R>::call, 0, NppWarp<CV_32S, nppiWarpAffineBack_32s_C3R>::call, NppWarp<CV_32S, nppiWarpAffineBack_32s_C4R>::call},
CV_32S            397 modules/cudawarping/src/warp.cpp                 {NppWarp<CV_32S, nppiWarpPerspective_32s_C1R>::call, 0, NppWarp<CV_32S, nppiWarpPerspective_32s_C3R>::call, NppWarp<CV_32S, nppiWarpPerspective_32s_C4R>::call},
CV_32S            405 modules/cudawarping/src/warp.cpp                 {NppWarp<CV_32S, nppiWarpPerspectiveBack_32s_C1R>::call, 0, NppWarp<CV_32S, nppiWarpPerspectiveBack_32s_C3R>::call, NppWarp<CV_32S, nppiWarpPerspectiveBack_32s_C4R>::call},
CV_32S            199 modules/cudev/include/opencv2/cudev/util/vec_traits.hpp            depth        = CV_32S,
CV_32S             24 modules/features2d/perf/perf_batchDistance.cpp                              testing::Values(CV_32S, CV_32F),
CV_32S             70 modules/features2d/perf/perf_batchDistance.cpp         batchDistance(queryDescriptors, trainDescriptors, dist, CV_32S, (isCrossCheck) ? ndix : noArray(),
CV_32S            271 modules/features2d/src/fast.cpp     UMat kp1(1, maxKeypoints*2+1, CV_32S);
CV_32S            301 modules/features2d/src/fast.cpp         UMat kp2(1, maxKeypoints*3+1, CV_32S);
CV_32S             72 modules/features2d/src/matchers.cpp     ensureSizeIsEnough(1, query_rows, CV_32S, trainIdx);
CV_32S            813 modules/features2d/src/matchers.cpp         (normType == NORM_L1 && queryDescriptors.type() == CV_8U) ? CV_32S : CV_32F;
CV_32S            825 modules/features2d/src/matchers.cpp     if( dtype == CV_32S )
CV_32S            934 modules/features2d/src/matchers.cpp         (normType == NORM_L1 && queryDescriptors.type() == CV_8U) ? CV_32S : CV_32F;
CV_32S            940 modules/features2d/src/matchers.cpp         if( dtype == CV_32S )
CV_32S           1080 modules/features2d/src/matchers.cpp         case CV_32S:
CV_32S           1119 modules/features2d/src/matchers.cpp         case CV_32S:
CV_32S           1173 modules/features2d/src/matchers.cpp              case CV_32S:
CV_32S           1224 modules/features2d/src/matchers.cpp              case CV_32S:
CV_32S           1284 modules/features2d/src/matchers.cpp                 if (dists.type() == CV_32S)
CV_32S             80 modules/flann/include/opencv2/flann.hpp template <> struct CvType<int> { static int type() { return CV_32S; } };
CV_32S            290 modules/flann/include/opencv2/flann.hpp     CV_Assert(indices.type() == CV_32S);
CV_32S            322 modules/flann/include/opencv2/flann.hpp     CV_Assert(indices.type() == CV_32S);
CV_32S            456 modules/flann/include/opencv2/flann.hpp     CV_Assert(indices.type() == CV_32S);
CV_32S            486 modules/flann/include/opencv2/flann.hpp     CV_Assert(indices.type() == CV_32S);
CV_32S            138 modules/flann/src/miniflann.cpp             types.push_back( CV_32S );
CV_32S            469 modules/flann/src/miniflann.cpp     CV_Assert(query.type() == type && indices.type() == CV_32S && dists.type() == dtype);
CV_32S            495 modules/flann/src/miniflann.cpp     CV_Assert(query.type() == type && indices.type() == CV_32S && dists.type() == dtype);
CV_32S            522 modules/flann/src/miniflann.cpp         if( !indices.isContinuous() || indices.type() != CV_32S ||
CV_32S            527 modules/flann/src/miniflann.cpp             _indices.create( rows, minCols, CV_32S );
CV_32S            532 modules/flann/src/miniflann.cpp         indices.create( rows, minCols, CV_32S );
CV_32S            555 modules/flann/src/miniflann.cpp     int dtype = distType == FLANN_DIST_HAMMING ? CV_32S : CV_32F;
CV_32S            597 modules/flann/src/miniflann.cpp     int dtype = distType == FLANN_DIST_HAMMING ? CV_32S : CV_32F;
CV_32S            738 modules/flann/src/miniflann.cpp                   header.data_type == FLANN_INT32 ? CV_32S :
CV_32S            105 modules/imgcodecs/src/grfmt_exr.cpp     return CV_MAKETYPE((m_isfloat ? CV_32F : CV_32S), m_iscolor ? 3 : 1);
CV_32S            583 modules/imgcodecs/src/grfmt_exr.cpp     bool issigned = depth == CV_8S || depth == CV_16S || depth == CV_32S;
CV_32S            191 modules/imgcodecs/src/grfmt_gdal.cpp     if( gdalType == GDT_Byte && (cvDepth == CV_32F || cvDepth == CV_32S)){
CV_32S            231 modules/imgcodecs/src/grfmt_gdal.cpp         else if( image.depth() == CV_32S ){ image.at<int>(row,col)            = newValue; }
CV_32S            242 modules/imgcodecs/src/grfmt_gdal.cpp         else if( image.depth() == CV_32S ){  image.at<Vec3i>(row,col) = Vec3i(newValue,newValue,newValue); }
CV_32S            265 modules/imgcodecs/src/grfmt_gdal.cpp         else if( image.depth() == CV_32S ){  image.at<Vec3i>(row,col)[channel] = newValue;  }
CV_32S            277 modules/imgcodecs/src/grfmt_gdal.cpp         else if( image.depth() == CV_32S && channel < 4 ){  image.at<Vec3i>(row,col)[channel] = newValue;  }
CV_32S            622 modules/imgcodecs/src/utils.cpp         double scale = src_depth <= CV_8S ? 1 : src_depth <= CV_32S ? 1./256 : 255;
CV_32S           3374 modules/imgproc/include/opencv2/imgproc.hpp                                      int connectivity = 8, int ltype = CV_32S);
CV_32S           3388 modules/imgproc/include/opencv2/imgproc.hpp                                               int connectivity = 8, int ltype = CV_32S);
CV_32S             64 modules/imgproc/perf/opencl/perf_blend.cpp     const double eps = CV_MAT_DEPTH(srcType) <= CV_32S ? 1.0 : 0.2;
CV_32S             68 modules/imgproc/perf/opencl/perf_filters.cpp     const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 1e-5;
CV_32S             92 modules/imgproc/perf/opencl/perf_filters.cpp             ddepth = depth == CV_8U ? CV_32S : CV_32F;
CV_32S             93 modules/imgproc/perf/opencl/perf_filters.cpp     const double eps = ddepth == CV_32S ? 0 : 5e-5;
CV_32S            115 modules/imgproc/perf/opencl/perf_filters.cpp     const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 2e-5;
CV_32S            227 modules/imgproc/perf/opencl/perf_filters.cpp     const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 1e-5;
CV_32S            249 modules/imgproc/perf/opencl/perf_filters.cpp     const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 2 + DBL_EPSILON : 3e-4;
CV_32S            271 modules/imgproc/perf/opencl/perf_filters.cpp     const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 1e-5;
CV_32S            221 modules/imgproc/perf/opencl/perf_imgproc.cpp OCL_PERF_TEST_P(IntegralFixture, Integral1, ::testing::Combine(OCL_TEST_SIZES, OCL_PERF_ENUM(CV_32S, CV_32F)))
CV_32S            237 modules/imgproc/perf/opencl/perf_imgproc.cpp OCL_PERF_TEST_P(IntegralFixture, Integral2, ::testing::Combine(OCL_TEST_SIZES, OCL_PERF_ENUM(CV_32S, CV_32F)))
CV_32S             75 modules/imgproc/perf/opencl/perf_imgwarp.cpp     const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : interpolation == INTER_CUBIC ? 2e-3 : 1e-4;
CV_32S            107 modules/imgproc/perf/opencl/perf_imgwarp.cpp     const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 1e-4;
CV_32S            134 modules/imgproc/perf/opencl/perf_imgwarp.cpp     const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 1e-4;
CV_32S            158 modules/imgproc/perf/opencl/perf_imgwarp.cpp     const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 1e-4;
CV_32S            183 modules/imgproc/perf/opencl/perf_imgwarp.cpp     const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 1e-4;
CV_32S             66 modules/imgproc/perf/opencl/perf_pyramid.cpp     const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 1e-5;
CV_32S             90 modules/imgproc/perf/opencl/perf_pyramid.cpp     const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 1e-5;
CV_32S            113 modules/imgproc/perf/opencl/perf_pyramid.cpp     const double eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : 1e-5;
CV_32S            104 modules/imgproc/perf/perf_blur.cpp     eps = CV_MAT_DEPTH(type) <= CV_32S ? 1 : eps;
CV_32S             87 modules/imgproc/perf/perf_distanceTransform.cpp     Mat label(srcSize, CV_32S);
CV_32S             26 modules/imgproc/perf/perf_floodfill.cpp             testing::Values((int)CV_8U, (int)CV_32F, (int)CV_32S) //image depth
CV_32S             16 modules/imgproc/perf/perf_integral.cpp                 testing::Values(CV_32S, CV_32F, CV_64F)
CV_32S             38 modules/imgproc/perf/perf_integral.cpp                 testing::Values(CV_32S, CV_32F)
CV_32S             63 modules/imgproc/perf/perf_integral.cpp                  testing::Values( CV_32S, CV_32F )
CV_32S             83 modules/imgproc/perf/perf_integral.cpp     SANITY_CHECK(tilted, 1e-6, tilted.depth() > CV_32S ? ERROR_RELATIVE : ERROR_ABSOLUTE);
CV_32S             17 modules/imgproc/perf/perf_pyramids.cpp     const double eps = CV_MAT_DEPTH(matType) <= CV_32S ? 1 : 1e-5;
CV_32S             18 modules/imgproc/perf/perf_pyramids.cpp     perf::ERROR_TYPE error_type = CV_MAT_DEPTH(matType) <= CV_32S ? ERROR_ABSOLUTE : ERROR_RELATIVE;
CV_32S             38 modules/imgproc/perf/perf_pyramids.cpp     const double eps = CV_MAT_DEPTH(matType) <= CV_32S ? 1 : 1e-5;
CV_32S             39 modules/imgproc/perf/perf_pyramids.cpp     perf::ERROR_TYPE error_type = CV_MAT_DEPTH(matType) <= CV_32S ? ERROR_ABSOLUTE : ERROR_RELATIVE;
CV_32S             60 modules/imgproc/perf/perf_pyramids.cpp     const double eps = CV_MAT_DEPTH(matType) <= CV_32S ? 1 : 1e-5;
CV_32S             61 modules/imgproc/perf/perf_pyramids.cpp     perf::ERROR_TYPE error_type = CV_MAT_DEPTH(matType) <= CV_32S ? ERROR_ABSOLUTE : ERROR_RELATIVE;
CV_32S            679 modules/imgproc/src/approx.cpp     CV_Assert( npoints >= 0 && (depth == CV_32S || depth == CV_32F));
CV_32S            692 modules/imgproc/src/approx.cpp     if( depth == CV_32S )
CV_32S            152 modules/imgproc/src/canny.cpp         map.create(size, CV_32S);
CV_32S            181 modules/imgproc/src/canny.cpp         map.create(size, CV_32S);
CV_32S            355 modules/imgproc/src/connectedcomponents.cpp     }else if(lDepth == CV_32S){
CV_32S            374 modules/imgproc/src/connectedcomponents.cpp     }else if(ltype == CV_32S){
CV_32S            391 modules/imgproc/src/connectedcomponents.cpp     }else if(ltype == CV_32S){
CV_32S            302 modules/imgproc/src/contours.cpp     if( CV_MAT_TYPE(mat->type) != CV_32S )
CV_32S           1712 modules/imgproc/src/contours.cpp     CV_Assert(_contours.empty() || (_contours.channels() == 2 && _contours.depth() == CV_32S));
CV_32S            134 modules/imgproc/src/convhull.cpp     CV_Assert(total >= 0 && (depth == CV_32F || depth == CV_32S));
CV_32S            142 modules/imgproc/src/convhull.cpp     returnPoints = !_hull.fixedType() ? returnPoints : _hull.type() != CV_32S;
CV_32S            253 modules/imgproc/src/convhull.cpp         Mat(nout, 1, CV_32S, hullbuf).copyTo(_hull);
CV_32S            268 modules/imgproc/src/convhull.cpp     int i, j = 0, npoints = points.checkVector(2, CV_32S);
CV_32S            278 modules/imgproc/src/convhull.cpp     int hpoints = hull.checkVector(1, CV_32S);
CV_32S            382 modules/imgproc/src/convhull.cpp     CV_Assert(total >= 0 && (depth == CV_32F || depth == CV_32S));
CV_32S            387 modules/imgproc/src/convhull.cpp     return depth == CV_32S ?
CV_32S             81 modules/imgproc/src/deriv.cpp         Mat temp(kernel->rows, kernel->cols, CV_32S, &kerI[0]);
CV_32S            159 modules/imgproc/src/deriv.cpp         Mat temp(kernel->rows, kernel->cols, CV_32S, &kerI[0]);
CV_32S            759 modules/imgproc/src/deriv.cpp     int wdepth = std::max(depth, floatCoeff ? CV_32F : CV_32S), kercn = 1;
CV_32S            725 modules/imgproc/src/distransform.cpp         _labels.create(src.size(), CV_32S);
CV_32S            828 modules/imgproc/src/distransform.cpp             connectedComponents(zpix, labels, 8, CV_32S);
CV_32S           2187 modules/imgproc/src/drawing.cpp     CV_Assert(points.checkVector(2, CV_32S) >= 0);
CV_32S           2207 modules/imgproc/src/drawing.cpp         CV_Assert(p.checkVector(2, CV_32S) >= 0);
CV_32S           2238 modules/imgproc/src/drawing.cpp         CV_Assert(p.checkVector(2, CV_32S) >= 0);
CV_32S           2309 modules/imgproc/src/drawing.cpp         int npoints = ci.checkVector(2, CV_32S);
CV_32S            141 modules/imgproc/src/filter.cpp     borderElemSize = srcElemSize/(CV_MAT_DEPTH(srcType) >= CV_32S ? sizeof(int) : 1);
CV_32S           3631 modules/imgproc/src/filter.cpp         ddepth >= std::max(sdepth, CV_32S) &&
CV_32S           3637 modules/imgproc/src/filter.cpp         if( sdepth == CV_8U && ddepth == CV_32S )
CV_32S           3645 modules/imgproc/src/filter.cpp     if( sdepth == CV_8U && ddepth == CV_32S )
CV_32S           3686 modules/imgproc/src/filter.cpp         sdepth >= std::max(ddepth, CV_32S) &&
CV_32S           3691 modules/imgproc/src/filter.cpp         if( ddepth == CV_8U && sdepth == CV_32S )
CV_32S           3716 modules/imgproc/src/filter.cpp             if( ddepth == CV_8U && sdepth == CV_32S )
CV_32S           3721 modules/imgproc/src/filter.cpp             if( ddepth == CV_16S && sdepth == CV_32S && bits == 0 )
CV_32S           3731 modules/imgproc/src/filter.cpp         if( ddepth == CV_8U && sdepth == CV_32S )
CV_32S           3747 modules/imgproc/src/filter.cpp         if( ddepth == CV_16S && sdepth == CV_32S )
CV_32S           3811 modules/imgproc/src/filter.cpp         bdepth = CV_32S;
CV_32S           3813 modules/imgproc/src/filter.cpp         _rowKernel.convertTo( rowKernel, CV_32S, 1 << bits );
CV_32S           3814 modules/imgproc/src/filter.cpp         _columnKernel.convertTo( columnKernel, CV_32S, 1 << bits );
CV_32S           3853 modules/imgproc/src/filter.cpp     CV_Assert( ktype == CV_8U || ktype == CV_32S || ktype == CV_32F || ktype == CV_64F );
CV_32S           3871 modules/imgproc/src/filter.cpp             else if( ktype == CV_32S )
CV_32S           4409 modules/imgproc/src/filter.cpp             bdepth = CV_32S;
CV_32S           4473 modules/imgproc/src/filter.cpp         _kernel.convertTo(kernel, kdepth, _kernel.type() == CV_32S ? 1./(1 << bits) : 1.);
CV_32S            572 modules/imgproc/src/floodfill.cpp     else if( depth == CV_32S )
CV_32S            101 modules/imgproc/src/geometry.cpp     CV_Assert( total >= 0 && (depth == CV_32S || depth == CV_32F));
CV_32S            508 modules/imgproc/src/geometry.cpp     CV_Assert( p1.depth() == CV_32S || p1.depth() == CV_32F );
CV_32S            509 modules/imgproc/src/geometry.cpp     CV_Assert( p2.depth() == CV_32S || p2.depth() == CV_32F );
CV_32S           1234 modules/imgproc/src/histogram.cpp     ihist.flags = (ihist.flags & ~CV_MAT_TYPE_MASK)|CV_32S;
CV_32S           1270 modules/imgproc/src/histogram.cpp         hist.convertTo(ihist, CV_32S);
CV_32S           1483 modules/imgproc/src/histogram.cpp static bool ocl_calcHist1(InputArray _src, OutputArray _hist, int ddepth = CV_32S)
CV_32S           1514 modules/imgproc/src/histogram.cpp                           BINS, compunits, (int)wgs, ocl::convertTypeStr(CV_32S, ddepth, 1, cvt),
CV_32S           2919 modules/imgproc/src/imgwarp.cpp         int wdepth = std::max(depth, CV_32S);
CV_32S           2981 modules/imgproc/src/imgwarp.cpp             int wdepth = std::max(depth, CV_32S), wtype = CV_MAKETYPE(wdepth, cn);
CV_32S           3001 modules/imgproc/src/imgwarp.cpp             int wdepth = std::max(depth, CV_32S), wtype = CV_MAKETYPE(wdepth, cn);
CV_32S           3030 modules/imgproc/src/imgwarp.cpp         int wdepth = std::max(depth, is_area_fast ? CV_32S : CV_32F);
CV_32S           4543 modules/imgproc/src/imgwarp.cpp                                ocl::convertTypeStr(CV_32S, wdepth, 2, cvt[2]),
CV_32S           5488 modules/imgproc/src/imgwarp.cpp     int wdepth = interpolation == INTER_NEAREST ? depth : std::max(is32f ? CV_32F : CV_32S, depth);
CV_32S            340 modules/imgproc/src/min_enclosing_triangle.cpp               ((pointsMat.depth() == CV_32F) || (pointsMat.depth() == CV_32S)));
CV_32S            101 modules/imgproc/src/moments.cpp     CV_Assert( contour.depth() == CV_32S || contour.depth() == CV_32F );
CV_32S            500 modules/imgproc/src/moments.cpp     UMat umbuf(1, ntiles*K, CV_32S);
CV_32S            574 modules/imgproc/src/moments.cpp         if( mat.checkVector(2) >= 0 && (depth == CV_32F || depth == CV_32S))
CV_32S           1368 modules/imgproc/src/morph.cpp         wdepth = CV_32S;
CV_32S            206 modules/imgproc/src/shapedescr.cpp     CV_Assert(count >= 0 && (depth == CV_32F || depth == CV_32S));
CV_32S            301 modules/imgproc/src/shapedescr.cpp     CV_Assert( count >= 0 && (depth == CV_32F || depth == CV_32S));
CV_32S            343 modules/imgproc/src/shapedescr.cpp     CV_Assert(npoints >= 0 && (depth == CV_32F || depth == CV_32S));
CV_32S            374 modules/imgproc/src/shapedescr.cpp     CV_Assert( n >= 0 && (depth == CV_32F || depth == CV_32S));
CV_32S            487 modules/imgproc/src/shapedescr.cpp     CV_Assert(npoints >= 0 && (depth == CV_32F || depth == CV_32S));
CV_32S           1220 modules/imgproc/src/smooth.cpp     if( sdepth == CV_8U && ddepth == CV_32S )
CV_32S           1224 modules/imgproc/src/smooth.cpp     if( sdepth == CV_16U && ddepth == CV_32S )
CV_32S           1228 modules/imgproc/src/smooth.cpp     if( sdepth == CV_16S && ddepth == CV_32S )
CV_32S           1230 modules/imgproc/src/smooth.cpp     if( sdepth == CV_32S && ddepth == CV_32S )
CV_32S           1256 modules/imgproc/src/smooth.cpp     if( ddepth == CV_8U && sdepth == CV_32S )
CV_32S           1260 modules/imgproc/src/smooth.cpp     if( ddepth == CV_16U && sdepth == CV_32S )
CV_32S           1264 modules/imgproc/src/smooth.cpp     if( ddepth == CV_16S && sdepth == CV_32S )
CV_32S           1268 modules/imgproc/src/smooth.cpp     if( ddepth == CV_32S && sdepth == CV_32S )
CV_32S           1270 modules/imgproc/src/smooth.cpp     if( ddepth == CV_32F && sdepth == CV_32S )
CV_32S           1274 modules/imgproc/src/smooth.cpp     if( ddepth == CV_64F && sdepth == CV_32S )
CV_32S           1292 modules/imgproc/src/smooth.cpp     if( sdepth <= CV_32S && (!normalize ||
CV_32S           1295 modules/imgproc/src/smooth.cpp         sumType = CV_32S;
CV_32S           1468 modules/imgproc/src/smooth.cpp     if( sdepth == CV_8U && ddepth == CV_32S )
CV_32S           1513 modules/imgproc/src/smooth.cpp         sumDepth = CV_32S;
CV_32S           3034 modules/imgproc/src/smooth.cpp             ocl::convertTypeStr(CV_8U, CV_32S, cn, cvt[0]),
CV_32S           3036 modules/imgproc/src/smooth.cpp             ocl::convertTypeStr(CV_32S, CV_32F, cn, cvt[1]),
CV_32S            345 modules/imgproc/src/sumpixels.cpp         !(sdepth == CV_32S || sdepth == CV_32F || (doubleSupport && sdepth == CV_64F)))
CV_32S            432 modules/imgproc/src/sumpixels.cpp         sdepth = depth == CV_8U ? CV_32S : CV_64F;
CV_32S            462 modules/imgproc/src/sumpixels.cpp         if( ( depth == CV_8U ) && ( sdepth == CV_32F || sdepth == CV_32S ) && ( !_tilted.needed() ) && ( !_sqsum.needed() || sqdepth == CV_64F ) && ( cn == 1 ) )
CV_32S            477 modules/imgproc/src/sumpixels.cpp             else if( sdepth == CV_32S )
CV_32S            505 modules/imgproc/src/sumpixels.cpp     if( depth == CV_8U && sdepth == CV_32S && sqdepth == CV_64F )
CV_32S            507 modules/imgproc/src/sumpixels.cpp     else if( depth == CV_8U && sdepth == CV_32S && sqdepth == CV_32F )
CV_32S            509 modules/imgproc/src/sumpixels.cpp     else if( depth == CV_8U && sdepth == CV_32S && sqdepth == CV_32S )
CV_32S           1166 modules/imgproc/src/thresh.cpp     if (depth <= CV_32S)
CV_32S            120 modules/imgproc/test/ocl/test_blend.cpp         Near(depth <= CV_32S ? 1.0 : 0.5);
CV_32S            112 modules/imgproc/test/ocl/test_boxfilter.cpp         Near(depth <= CV_32S ? 1 : 3e-3);
CV_32S            124 modules/imgproc/test/ocl/test_boxfilter.cpp         int ddepth = depth == CV_8U ? CV_32S : CV_64F;
CV_32S            129 modules/imgproc/test/ocl/test_boxfilter.cpp         Near(depth <= CV_32S ? 1 : 7e-2);
CV_32S            135 modules/imgproc/test/ocl/test_boxfilter.cpp                                 Values(CV_8U, CV_16U, CV_16S, CV_32S, CV_32F),
CV_32S            159 modules/imgproc/test/ocl/test_color.cpp #define IPP_EPS depth <= CV_32S ? 1 : 5e-5
CV_32S            179 modules/imgproc/test/ocl/test_color.cpp #define IPP_EPS depth <= CV_32S ? 1 : 4e-5
CV_32S            273 modules/imgproc/test/ocl/test_color.cpp #define IPP_EPS depth <= CV_32S ? 1 : 1e-3
CV_32S            488 modules/imgproc/test/ocl/test_imgproc.cpp                             testing::Values((MatDepth)CV_8U, (MatDepth)CV_16S, (MatDepth)CV_32S, (MatDepth)CV_32F),
CV_32S            225 modules/imgproc/test/ocl/test_warp.cpp         double eps = depth <= CV_32S ? 1 : 5e-2;
CV_32S             75 modules/imgproc/test/test_connectedcomponents.cpp     int nLabels = connectedComponents(bw, labelImage, 8, CV_32S);
CV_32S            307 modules/imgproc/test/test_convhull.cpp     assert( (point_type == CV_32S || point_type == CV_32F) && n <= 4 );
CV_32S            324 modules/imgproc/test/test_convhull.cpp         if( point_type == CV_32S )
CV_32S            348 modules/imgproc/test/test_convhull.cpp         (enable_flt_points ? 2 : 1) ? CV_32F : CV_32S, dims);
CV_32S           1510 modules/imgproc/test/test_convhull.cpp             if( point_type == CV_32S )
CV_32S            258 modules/imgproc/test/test_filter.cpp     Mat _ielement(element->nRows, element->nCols, CV_32S, element->values);
CV_32S            417 modules/imgproc/test/test_filter.cpp     return depth <= CV_8S ? 2 : depth <= CV_32S ? 32 :
CV_32S           1615 modules/imgproc/test/test_filter.cpp     sum_depth = depth == CV_8U && b ? CV_32S : b ? CV_32F : CV_64F;
CV_32S           1641 modules/imgproc/test/test_filter.cpp     return depth == CV_32S ? 0 : depth == CV_64F ? FLT_EPSILON : 5e-3;
CV_32S            101 modules/imgproc/test/test_floodfill.cpp     depth = depth == 0 ? CV_8U : depth == 1 ? CV_32S : CV_32F;
CV_32S            259 modules/imgproc/test/test_floodfill.cpp     if( CV_MAT_DEPTH(_img->type) == CV_8U || CV_MAT_DEPTH(_img->type) == CV_32S )
CV_32S            380 modules/imgproc/test/test_histograms.cpp         indices = cvCreateMat( 1, iters*cdims, CV_32S );
CV_32S            858 modules/imgproc/test/test_histograms.cpp             indices = cvCreateMat( 1, (orig_nz_count+1)*cdims, CV_32S );
CV_32S           1608 modules/imgproc/test/test_imgwarp.cpp         const float eps = depth <= CV_32S ? 0 : 7e-5f;
CV_32S            154 modules/imgproc/test/test_imgwarp_strict.cpp     while (depth == CV_8S || depth == CV_32S)
CV_32S            137 modules/imgproc/test/test_moments.cpp     if(CV_MAT_DEPTH(types[INPUT][0])>=CV_32S)
CV_32S            409 modules/java/common_test/src/org/opencv/test/utils/ConvertersTest.java         dst = Converters.vector_Point3_to_Mat(points, CvType.CV_32S);
CV_32S           1784 modules/java/generator/src/cpp/Mat.cpp                 case CV_32S: PUT_ITEM(int,    row, c); break;
CV_32S           1798 modules/java/generator/src/cpp/Mat.cpp                     case CV_32S: PUT_ITEM(int,    r, c); break;
CV_32S           1916 modules/java/generator/src/cpp/Mat.cpp         if(me->depth() != CV_32S) return 0; // incompatible type
CV_32S           2059 modules/java/generator/src/cpp/Mat.cpp         if(me->depth() != CV_32S) return 0; // incompatible type
CV_32S           2151 modules/java/generator/src/cpp/Mat.cpp                 case CV_32S: for(i=0; i<me->channels(); i++) buff[i] = *((int*)           me->ptr(row, col) + i); break;
CV_32S             23 modules/java/generator/src/java/utils+Converters.java         return vector_Point_to_Mat(pts, CvType.CV_32S);
CV_32S             39 modules/java/generator/src/java/utils+Converters.java             case CvType.CV_32S: {
CV_32S             85 modules/java/generator/src/java/utils+Converters.java         return vector_Point3_to_Mat(pts, CvType.CV_32S);
CV_32S            101 modules/java/generator/src/java/utils+Converters.java             case CvType.CV_32S: {
CV_32S            745 modules/ml/src/ann_mlp.cpp         Mat _idx_m(1, count, CV_32S);
CV_32S             57 modules/ml/src/data.cpp     int i, j, n = idx.checkVector(1, CV_32S);
CV_32S             59 modules/ml/src/data.cpp     CV_Assert( type == CV_32S || type == CV_32F || type == CV_64F );
CV_32S             79 modules/ml/src/data.cpp     if( type == CV_32S )
CV_32S            251 modules/ml/src/data.cpp         CV_Assert( samples.type() == CV_32F || samples.type() == CV_32S );
CV_32S            255 modules/ml/src/data.cpp             CV_Assert( (sampleIdx.checkVector(1, CV_32S, true) > 0 &&
CV_32S            273 modules/ml/src/data.cpp             CV_Assert( (varIdx.checkVector(1, CV_32S, true) > 0 &&
CV_32S            284 modules/ml/src/data.cpp             CV_Assert( responses.type() == CV_32F || responses.type() == CV_32S );
CV_32S            409 modules/ml/src/data.cpp         Mat idx(1, nz, CV_32S);
CV_32S            427 modules/ml/src/data.cpp         CV_Assert((data.cols == 1 || data.rows == 1) && (data.type() == CV_32S || data.type() == CV_32F));
CV_32S            433 modules/ml/src/data.cpp             normdata->create(data.size(), CV_32S);
CV_32S            768 modules/ml/src/data.cpp             trainSampleIdx.create(1, count, CV_32S);
CV_32S            769 modules/ml/src/data.cpp             testSampleIdx.create(1, nsamples - count, CV_32S);
CV_32S            864 modules/ml/src/data.cpp         int i, n = sidx.checkVector(1, CV_32S), nsamples = getNSamples();
CV_32S            941 modules/ml/src/data.cpp         int i, n = vidx.checkVector(1, CV_32S), nvars = getNAllVars();
CV_32S            240 modules/ml/src/gbt.cpp         class_labels = cvCreateMat(1, class_count, CV_32S);
CV_32S            268 modules/ml/src/gbt.cpp                 sample_idx = cvCreateMat( 1, sample_idx_len, CV_32S );
CV_32S            279 modules/ml/src/gbt.cpp                 sample_idx = cvCreateMat( 1, active_samples_count, CV_32S );
CV_32S            291 modules/ml/src/gbt.cpp         sample_idx = cvCreateMat( 1, n, CV_32S );
CV_32S            577 modules/ml/src/gbt.cpp         CvMat* leaf_idx = cvCreateMat(1, samples_in_leaf, CV_32S);
CV_32S            189 modules/ml/src/kdtree.cpp         int nlabels = _labels.checkVector(1, CV_32S, true);
CV_32S            404 modules/ml/src/kdtree.cpp         _neighborsIdx.create(K, 1, CV_32S, -1, true);
CV_32S            406 modules/ml/src/kdtree.cpp         Mat(nidx.size(), CV_32S, &idx[0]).copyTo(nidx);
CV_32S            412 modules/ml/src/kdtree.cpp         getPoints(Mat(K, 1, CV_32S, idx), _neighbors, _labels);
CV_32S            466 modules/ml/src/kdtree.cpp         _neighborsIdx.create((int)idx.size(), 1, CV_32S, -1, true);
CV_32S            468 modules/ml/src/kdtree.cpp         Mat(nidx.size(), CV_32S, &idx[0]).copyTo(nidx);
CV_32S            477 modules/ml/src/kdtree.cpp     CV_Assert( idxmat.isContinuous() && idxmat.type() == CV_32S &&
CV_32S            499 modules/ml/src/kdtree.cpp         _labels.create(nidx, 1, CV_32S, -1, true);
CV_32S            275 modules/ml/src/lr.cpp         temp_pred.convertTo(labels_c, CV_32S);
CV_32S            290 modules/ml/src/lr.cpp         labels.convertTo(labels_c, CV_32S);
CV_32S            294 modules/ml/src/lr.cpp     pred_labs.convertTo(pred_labs, CV_32S);
CV_32S            525 modules/ml/src/lr.cpp     _labels_i.convertTo(labels, CV_32S);
CV_32S            551 modules/ml/src/lr.cpp     _labels_i.convertTo(labels, CV_32S);
CV_32S            322 modules/ml/src/nbayes.cpp             _results.create(nsamples, 1, CV_32S);
CV_32S            326 modules/ml/src/nbayes.cpp             results = Mat(1, 1, CV_32S, &value);
CV_32S            347 modules/ml/src/svm.cpp     CV_Assert( _responses.isContinuous() && _responses.checkVector(1, CV_32S) == nsamples );
CV_32S           1946 modules/ml/src/svm.cpp         Mat(1, count, CV_32S, (int*)&df_index[df.ofs]).copyTo(_svidx);
CV_32S             74 modules/ml/src/testset.cpp     _responses.create( 1, num_samples, CV_32S );
CV_32S           1506 modules/ml/src/tree.cpp         rtype = CV_32S;
CV_32S             71 modules/ml/test/test_lr.cpp     _p_labels.convertTo(_p_labels_temp, CV_32S);
CV_32S             72 modules/ml/test/test_lr.cpp     _o_labels.convertTo(_o_labels_temp, CV_32S);
CV_32S            198 modules/ml/test/test_lr.cpp     comp_learnt_mats.convertTo(comp_learnt_mats, CV_32S);
CV_32S            357 modules/ml/test/test_mltests2.cpp         Mat layer_sizes( 1, (int)(sizeof(layer_sz)/sizeof(layer_sz[0])), CV_32S, layer_sz );
CV_32S             61 modules/ml/test/test_svmtrainauto.cpp     cv::Mat responses = cv::Mat::zeros( datasize, 1, CV_32S );
CV_32S            495 modules/objdetect/src/cascadedetect.cpp         usbuf.create(sbufSize.height*nchannels, sbufSize.width, CV_32S);
CV_32S            510 modules/objdetect/src/cascadedetect.cpp         sbuf.create(sbufSize.height*nchannels, sbufSize.width, CV_32S);
CV_32S            630 modules/objdetect/src/cascadedetect.cpp         sqsum.flags = (sqsum.flags & ~UMat::DEPTH_MASK) | CV_32S;
CV_32S            636 modules/objdetect/src/cascadedetect.cpp             integral(img, sum, sqsum, tilted, CV_32S, CV_32S);
CV_32S            641 modules/objdetect/src/cascadedetect.cpp             integral(img, sum, sqsum, noArray(), CV_32S, CV_32S);
CV_32S            642 modules/objdetect/src/cascadedetect.cpp             CV_Assert(sqsum.u == u && sqsum.size() == s.szi && sqsum.type()==CV_32S);
CV_32S            647 modules/objdetect/src/cascadedetect.cpp         Mat sum(s.szi, CV_32S, sbuf.ptr<int>() + s.layer_ofs, sbuf.step);
CV_32S            648 modules/objdetect/src/cascadedetect.cpp         Mat sqsum(s.szi, CV_32S, sum.ptr<int>() + sqofs, sbuf.step);
CV_32S            652 modules/objdetect/src/cascadedetect.cpp             Mat tilted(s.szi, CV_32S, sum.ptr<int>() + tofs, sbuf.step);
CV_32S            653 modules/objdetect/src/cascadedetect.cpp             integral(img, sum, sqsum, tilted, CV_32S, CV_32S);
CV_32S            656 modules/objdetect/src/cascadedetect.cpp             integral(img, sum, sqsum, noArray(), CV_32S, CV_32S);
CV_32S            806 modules/objdetect/src/cascadedetect.cpp         integral(_img, sum, noArray(), noArray(), CV_32S);
CV_32S            810 modules/objdetect/src/cascadedetect.cpp         Mat sum(s.szi, CV_32S, sbuf.ptr<int>() + s.layer_ofs, sbuf.step);
CV_32S            811 modules/objdetect/src/cascadedetect.cpp         integral(_img, sum, noArray(), noArray(), CV_32S);
CV_32S           1059 modules/objdetect/src/cascadedetect.cpp     ufacepos.create(1, MAX_FACES*3+1, CV_32S);
CV_32S            136 modules/photo/src/denoising.cuda.cpp     GpuMat buffer = pool.getBuffer(brows, bcols, CV_32S);
CV_32S             70 modules/photo/src/fast_nlmeans_denoising_opencl.hpp                          ocl::typeToStr(CV_32SC(hn)), ocl::convertTypeStr(depth, CV_32S, hn, buf),
CV_32S            114 modules/photo/src/fast_nlmeans_denoising_opencl.hpp                          depth == CV_8U ? ocl::convertTypeStr(CV_32S, CV_32S, hn, buf[0]) :
CV_32S            118 modules/photo/src/fast_nlmeans_denoising_opencl.hpp                          depth == CV_8U ? ocl::convertTypeStr(depth, CV_32S, cn, buf[1]) :
CV_32S            122 modules/photo/src/fast_nlmeans_denoising_opencl.hpp                          ocl::convertTypeStr(depth, CV_32S, cn, buf[2]), cn,
CV_32S            124 modules/photo/src/fast_nlmeans_denoising_opencl.hpp                          ocl::convertTypeStr(CV_32S, depth, cn, buf[3]),
CV_32S            172 modules/python/src2/cv2.cpp         depth == CV_32S ? NPY_INT : depth == CV_32F ? NPY_FLOAT :
CV_32S            274 modules/python/src2/cv2.cpp                typenum == NPY_INT ? CV_32S :
CV_32S            275 modules/python/src2/cv2.cpp                typenum == NPY_INT32 ? CV_32S :
CV_32S            285 modules/python/src2/cv2.cpp             type = CV_32S;
CV_32S           1350 modules/python/src2/cv2.cpp   PUBLISH(CV_32S);
CV_32S            937 modules/stitching/src/seam_finders.cpp                                 brs_[comp1].x - tls_[comp1].x, CV_32S);
CV_32S           1470 modules/stitching/src/seam_finders.cpp     terminals.create(img_size, CV_32S);
CV_32S           1471 modules/stitching/src/seam_finders.cpp     leftT.create(Size(img_size.height, img_size.width), CV_32S);
CV_32S           1472 modules/stitching/src/seam_finders.cpp     rightT.create(Size(img_size.height, img_size.width), CV_32S);
CV_32S           1473 modules/stitching/src/seam_finders.cpp     top.create(img_size, CV_32S);
CV_32S           1474 modules/stitching/src/seam_finders.cpp     bottom.create(img_size, CV_32S);
CV_32S           1562 modules/stitching/src/seam_finders.cpp     terminals.create(img_size, CV_32S);
CV_32S           1563 modules/stitching/src/seam_finders.cpp     leftT.create(Size(img_size.height, img_size.width), CV_32S);
CV_32S           1564 modules/stitching/src/seam_finders.cpp     rightT.create(Size(img_size.height, img_size.width), CV_32S);
CV_32S           1565 modules/stitching/src/seam_finders.cpp     top.create(img_size, CV_32S);
CV_32S           1566 modules/stitching/src/seam_finders.cpp     bottom.create(img_size, CV_32S);
CV_32S            220 modules/ts/include/opencv2/ts/cuda_test.hpp     #define ALL_DEPTH testing::Values(MatDepth(CV_8U), MatDepth(CV_8S), MatDepth(CV_16U), MatDepth(CV_16S), MatDepth(CV_32S), MatDepth(CV_32F), MatDepth(CV_64F))
CV_32S            225 modules/ts/include/opencv2/ts/cuda_test.hpp                                         std::make_pair(MatDepth(CV_8U), MatDepth(CV_32S)),  \
CV_32S            230 modules/ts/include/opencv2/ts/cuda_test.hpp                                         std::make_pair(MatDepth(CV_16U), MatDepth(CV_32S)), \
CV_32S            235 modules/ts/include/opencv2/ts/cuda_test.hpp                                         std::make_pair(MatDepth(CV_16S), MatDepth(CV_32S)), \
CV_32S            239 modules/ts/include/opencv2/ts/cuda_test.hpp                                         std::make_pair(MatDepth(CV_32S), MatDepth(CV_32S)), \
CV_32S            240 modules/ts/include/opencv2/ts/cuda_test.hpp                                         std::make_pair(MatDepth(CV_32S), MatDepth(CV_32F)), \
CV_32S            241 modules/ts/include/opencv2/ts/cuda_test.hpp                                         std::make_pair(MatDepth(CV_32S), MatDepth(CV_64F)), \
CV_32S            356 modules/ts/include/opencv2/ts/ocl_test.hpp #define OCL_ALL_DEPTHS Values(CV_8U, CV_8S, CV_16U, CV_16S, CV_32S, CV_32F, CV_64F)
CV_32S            155 modules/ts/include/opencv2/ts/ts_perf.hpp CV_ENUM(MatDepth, CV_8U, CV_8S, CV_16U, CV_16S, CV_32S, CV_32F, CV_64F, CV_USRTYPE1)
CV_32S             75 modules/ts/src/ocl_perf.cpp     else if (dst.depth() == CV_16S || dst.depth() == CV_32S)
CV_32S            238 modules/ts/src/ts_arrtest.cpp     else if( depth < CV_32S )
CV_32S            245 modules/ts/src/ts_arrtest.cpp         u = depth == CV_32S ? 1000000 : 1000.;
CV_32S             92 modules/ts/src/ts_func.cpp     depth == CV_16S ? SHRT_MIN : depth == CV_32S ? INT_MIN :
CV_32S            102 modules/ts/src/ts_func.cpp     depth == CV_16S ? SHRT_MAX : depth == CV_32S ? INT_MAX :
CV_32S            265 modules/ts/src/ts_func.cpp     case CV_32S:
CV_32S            323 modules/ts/src/ts_func.cpp         case CV_32S:
CV_32S            577 modules/ts/src/ts_func.cpp         case CV_32S:
CV_32S            682 modules/ts/src/ts_func.cpp     case CV_32S:
CV_32S            739 modules/ts/src/ts_func.cpp     case CV_32S:
CV_32S            816 modules/ts/src/ts_func.cpp     case CV_32S:
CV_32S           1079 modules/ts/src/ts_func.cpp         case CV_32S:
CV_32S           1302 modules/ts/src/ts_func.cpp         case CV_32S:
CV_32S           1384 modules/ts/src/ts_func.cpp         case CV_32S:
CV_32S           1449 modules/ts/src/ts_func.cpp         case CV_32S:
CV_32S           1665 modules/ts/src/ts_func.cpp         case CV_32S:
CV_32S           1712 modules/ts/src/ts_func.cpp         case CV_32S:
CV_32S           1844 modules/ts/src/ts_func.cpp         case CV_32S:
CV_32S           1909 modules/ts/src/ts_func.cpp     if( depth <= CV_32S )
CV_32S           1933 modules/ts/src/ts_func.cpp             case CV_32S:
CV_32S           1970 modules/ts/src/ts_func.cpp     int ilevel = refarr.depth() <= CV_32S ? cvFloor(success_err_level) : 0;
CV_32S           2010 modules/ts/src/ts_func.cpp         case CV_32S:
CV_32S           2352 modules/ts/src/ts_func.cpp         case CV_32S:
CV_32S           2409 modules/ts/src/ts_func.cpp         case CV_32S:
CV_32S           2477 modules/ts/src/ts_func.cpp         case CV_32S:
CV_32S           2549 modules/ts/src/ts_func.cpp         case CV_32S:
CV_32S           2634 modules/ts/src/ts_func.cpp         case CV_32S:
CV_32S           2864 modules/ts/src/ts_func.cpp     else if(depth == CV_32S)
CV_32S             95 modules/ts/src/ts_perf.cpp         cv::randu(mr, cv::Mat(1, 1, CV_32S, minmax), cv::Mat(1, 1, CV_32S, minmax + 1));
CV_32S            308 modules/ts/src/ts_perf.cpp     case CV_32S: return *(m.ptr<signed int>(y, x) + cn);
CV_32S            957 modules/ts/src/ts_perf.cpp             cv::Mat a(2048, 2048, CV_32S, cv::Scalar(1));
CV_32S            958 modules/ts/src/ts_perf.cpp             cv::Mat b(2048, 2048, CV_32S, cv::Scalar(2));
CV_32S           1029 modules/ts/src/ts_perf.cpp             else if (depth == CV_16S || depth == CV_32S)
CV_32S           1897 modules/ts/src/ts_perf.cpp         case CV_32S: *os << "32S"; break;
CV_32S             16 samples/cpp/connected_components.cpp     Mat labelImage(img.size(), CV_32S);
CV_32S             53 samples/cpp/distrans.cpp         dist.convertTo(dist32s, CV_32S, 1, 0.5);
CV_32S            260 samples/cpp/letter_recog.cpp         Mat new_responses( ntrain_samples*class_count, 1, CV_32S );
CV_32S            396 samples/cpp/letter_recog.cpp         Mat layer_sizes( 1, nlayers, CV_32S, layer_sz );
CV_32S            155 samples/cpp/logistic_regression.cpp     labels_test.convertTo(labels_test, CV_32S);
CV_32S             93 samples/cpp/watershed.cpp             Mat markers(markerMask.size(), CV_32S);