Home
last modified time | relevance | path

Searched refs:cn (Results 1 – 25 of 359) sorted by relevance

12345678910>>...15

/external/opencv/cv/src/
Dcvutils.cpp113 int top, int left, int cn, const uchar* ) in icvCopyReplicateBorder_8u() argument
118 if( srcstep == dststep && dst + dststep*top + left*cn == src && in icvCopyReplicateBorder_8u()
122 cn == 1 ? icvCopyReplicateBorder_8u_C1IR_p : in icvCopyReplicateBorder_8u()
123 cn == 2 ? icvCopyReplicateBorder_16s_C1IR_p : in icvCopyReplicateBorder_8u()
124 cn == 3 ? icvCopyReplicateBorder_8u_C3IR_p : in icvCopyReplicateBorder_8u()
125 cn == 4 ? icvCopyReplicateBorder_32s_C1IR_p : in icvCopyReplicateBorder_8u()
126 cn == 6 ? icvCopyReplicateBorder_16s_C3IR_p : in icvCopyReplicateBorder_8u()
127 cn == 8 ? icvCopyReplicateBorder_16s_C4IR_p : in icvCopyReplicateBorder_8u()
128 cn == 12 ? icvCopyReplicateBorder_32s_C3IR_p : in icvCopyReplicateBorder_8u()
129 cn == 16 ? icvCopyReplicateBorder_32s_C4IR_p : 0; in icvCopyReplicateBorder_8u()
[all …]
Dcvsmooth.cpp196 int cn = CV_MAT_CN(state->get_src_type()); in icvSumRow_8u32s() local
199 width = (width - 1)*cn; ksize *= cn; in icvSumRow_8u32s()
201 for( k = 0; k < cn; k++, src++, dst++ ) in icvSumRow_8u32s()
204 for( i = 0; i < ksize; i += cn ) in icvSumRow_8u32s()
207 for( i = 0; i < width; i += cn ) in icvSumRow_8u32s()
210 dst[i+cn] = s; in icvSumRow_8u32s()
222 int cn = CV_MAT_CN(state->get_src_type()); in icvSumRow_32f64f() local
225 width = (width - 1)*cn; ksize *= cn; in icvSumRow_32f64f()
227 for( k = 0; k < cn; k++, src++, dst++ ) in icvSumRow_32f64f()
230 for( i = 0; i < ksize; i += cn ) in icvSumRow_32f64f()
[all …]
D_cvipp.h73 #define IPCV_MOMENTS( suffix, ipp_suffix, cn ) \ argument
74 IPCVAPI_EX( CvStatus, icvMoments##suffix##_C##cn##R, \
75 "ippiMoments" #ipp_suffix "_C" #cn "R", CV_PLUGINS1(CV_PLUGIN_IPPI),\
169 #define ICV_PYRDOWN( flavor, cn ) \ argument
170 IPCVAPI_EX( CvStatus, icvPyrDown_Gauss5x5_##flavor##_C##cn##R, \
171 "ippiPyrDown_Gauss5x5_" #flavor "_C" #cn "R", CV_PLUGINS1(CV_PLUGIN_IPPCV), \
175 #define ICV_PYRUP( flavor, cn ) \ argument
176 IPCVAPI_EX( CvStatus, icvPyrUp_Gauss5x5_##flavor##_C##cn##R, \
177 "ippiPyrUp_Gauss5x5_" #flavor "_C" #cn "R", CV_PLUGINS1(CV_PLUGIN_IPPCV), \
198 #define IPCV_RESIZE( flavor, cn ) \ argument
[all …]
Dcvimgwarp.cpp210 int cn, int xmax, \
220 dsize.width *= cn; \
221 xmax *= cn; \
255 _buf[dx] = mul_one_macro(t) + fx*(_src[sx+cn] - t); \
289 arrtype* dst, int dststep, CvSize dsize, int cn, \
300 dsize.width *= cn; \
326 int cn, const CvDecimateAlpha* xofs, \
334 dsize.width *= cn; \
338 if( cn == 1 ) \
345 else if( cn == 2 ) \
[all …]
/external/opencv3/modules/core/include/opencv2/core/
Dmatx.hpp300 template<typename _Tp, int cn> class Vec : public Matx<_Tp, cn, 1>
304 enum { depth = Matx<_Tp, cn, 1>::depth, enumerator
305 channels = cn,
324 Vec(const Vec<_Tp, cn>& v);
329 Vec mul(const Vec<_Tp, cn>& v) const;
341 template<typename T2> operator Vec<T2, cn>() const;
349 Vec(const Matx<_Tp, cn, 1>& a, const Matx<_Tp, cn, 1>& b, Matx_AddOp);
350 Vec(const Matx<_Tp, cn, 1>& a, const Matx<_Tp, cn, 1>& b, Matx_SubOp);
351 template<typename _T2> Vec(const Matx<_Tp, cn, 1>& a, _T2 alpha, Matx_ScaleOp);
389 template<typename _Tp, int cn> class DataType< Vec<_Tp, cn> >
[all …]
Dippasync.hpp104 inline void copyHppToMat(hppiMatrix* src, Mat& dst, hppAccel accel, int cn) in copyHppToMat() argument
117 int matType = CV_MAKETYPE(toCvType(type), cn); in copyHppToMat()
119 CV_Assert(width%cn == 0); in copyHppToMat()
121 width /= cn; in copyHppToMat()
141 inline Mat getMat(hppiMatrix* src, hppAccel accel, int cn) in getMat() argument
144 copyHppToMat(src, dst, accel, cn); in getMat()
171 int cn = src.channels(); in getHpp() local
179 hppQueryMatrixAllocParams(accel, src.cols*cn, src.rows, htype, &pitch, &size); in getHpp()
183 … return hppiCreateSharedMatrix(htype, src.cols*cn, src.rows, src.data, pitch, size); in getHpp()
187 return hppiCreateMatrix(htype, src.cols*cn, src.rows, src.data, (hpp32s)(src.step));; in getHpp()
/external/conscrypt/src/platform/java/org/conscrypt/
DCertPinManager.java141 String cn = hostnameCache.get(hostname); in lookup() local
142 if (cn != null) { in lookup()
144 return entries.get(cn); in lookup()
148 cn = getMatchingCN(hostname); in lookup()
149 if (cn != null) { in lookup()
150 hostnameCache.put(hostname, cn); in lookup()
152 return entries.get(cn); in lookup()
165 for (String cn : entries.keySet()) { in getMatchingCN()
167 if (cn.length() < bestMatch.length()) { in getMatchingCN()
171 if (isHostnameMatchedBy(hostname, cn)) { in getMatchingCN()
[all …]
/external/opencv3/modules/imgproc/src/
Dsumpixels.cpp81 Size size, int cn) const in operator ()()
83 if (sqsum || tilted || cn != 1 || !haveSSE2) in operator ()()
150 Size size, int cn ) in integral_() argument
158 size, cn)) in integral_()
166 size.width *= cn; in integral_()
168 memset( sum, 0, (size.width+cn)*sizeof(sum[0])); in integral_()
169 sum += sumstep + cn; in integral_()
173 memset( sqsum, 0, (size.width+cn)*sizeof(sqsum[0])); in integral_()
174 sqsum += sqsumstep + cn; in integral_()
179 memset( tilted, 0, (size.width+cn)*sizeof(tilted[0])); in integral_()
[all …]
Dsamplers.cpp131 _DTp* dst, size_t dst_step, Size win_size, Point2f center, int cn ) in getRectSubPix_Cn_() argument
162 src += ip.y * src_step + ip.x*cn; in getRectSubPix_Cn_()
163 win_size.width *= cn; in getRectSubPix_Cn_()
169 _WTp s0 = src[j]*a11 + src[j+cn]*a12 + src[j+src_step]*a21 + src[j+src_step+cn]*a22; in getRectSubPix_Cn_()
170 … _WTp s1 = src[j+1]*a11 + src[j+cn+1]*a12 + src[j+src_step+1]*a21 + src[j+src_step+cn+1]*a22; in getRectSubPix_Cn_()
177 _WTp s0 = src[j]*a11 + src[j+cn]*a12 + src[j+src_step]*a21 + src[j+src_step+cn]*a22; in getRectSubPix_Cn_()
186 sizeof(*src)*cn, src_size, win_size, ip, &r); in getRectSubPix_Cn_()
196 for( c = 0; c < cn; c++ ) in getRectSubPix_Cn_()
198 s0 = src[r.x*cn + c]*b1 + src2[r.x*cn + c]*b2; in getRectSubPix_Cn_()
200 dst[j*cn + c] = cast_op(s0); in getRectSubPix_Cn_()
[all …]
Daccum.cpp91 int operator() (const uchar * src, float * dst, const uchar * mask, int len, int cn) const in operator ()()
97 len *= cn; in operator ()()
109 else if (cn == 1) in operator ()()
132 int operator() (const ushort * src, float * dst, const uchar * mask, int len, int cn) const in operator ()()
138 len *= cn; in operator ()()
156 int operator() (const float * src, float * dst, const uchar * mask, int len, int cn) const in operator ()()
162 len *= cn; in operator ()()
177 int operator() (const uchar * src, float * dst, const uchar * mask, int len, int cn) const in operator ()()
183 len *= cn; in operator ()()
196 else if (cn == 1) in operator ()()
[all …]
Dcanny.cpp99 int aperture_size, bool L2gradient, int cn, const Size & size) in ocl_Canny() argument
143 cn, ocl::memopTypeToStr(_src.depth()), in ocl_Canny()
144 ocl::convertTypeStr(_src.depth(), CV_32F, cn, cvt), in ocl_Canny()
145 ocl::typeToStr(CV_MAKE_TYPE(CV_32F, cn)), in ocl_Canny()
177 cn, lSizeX, lSizeY, L2gradient ? " -D L2GRAD" : "")); in ocl_Canny()
257 const int type = src.type(), cn = CV_MAT_CN(type); in operator ()() local
270 Mat tempdx(boundaries.end - boundaries.start + 2, src.cols, CV_16SC(cn)); in operator ()()
271 Mat tempdy(boundaries.end - boundaries.start + 2, src.cols, CV_16SC(cn)); in operator ()()
273 memset(tempdx.ptr<short>(0), 0, cn * src.cols*sizeof(short)); in operator ()()
274 memset(tempdy.ptr<short>(0), 0, cn * src.cols*sizeof(short)); in operator ()()
[all …]
Dsmooth.cpp82 virtual void operator()(const uchar* src, uchar* dst, int width, int cn) in operator ()()
86 int i = 0, k, ksz_cn = ksize*cn; in operator ()()
88 width = (width - 1)*cn; in operator ()()
89 for( k = 0; k < cn; k++, S++, D++ ) in operator ()()
92 for( i = 0; i < ksz_cn; i += cn ) in operator ()()
95 for( i = 0; i < width; i += cn ) in operator ()()
98 D[i+cn] = s; in operator ()()
1036 …int type = _src.type(), sdepth = CV_MAT_DEPTH(type), cn = CV_MAT_CN(type), esz = CV_ELEM_SIZE(type… in ocl_boxFilter() local
1042 if (cn > 4 || (!doubleSupport && (sdepth == CV_64F || ddepth == CV_64F)) || in ocl_boxFilter()
1057 wtype = CV_MAKE_TYPE(wdepth, cn), dtype = CV_MAKE_TYPE(ddepth, cn); in ocl_boxFilter()
[all …]
/external/opencv/cxcore/src/
Dcxlut.cpp103 #define ICV_DEF_LUT_FUNC_8U_CN( flavor, dsttype, cn ) \ argument
104 CvStatus CV_STDCALL icvLUT_Transform8u_##flavor##_C##cn##R( \
109 size.width *= cn; \
114 ICV_LUT_CASE_C##cn( dsttype ) \
136 const dsttype* _lut, int cn ) \
138 int max_block_size = (1 << 10)*cn; \
142 size.width *= cn; \
148 for( k = 0; k < cn; k++ ) \
149 for( i = 0; i < size.width; i += cn ) \
150 dst[i+k] = _lut[src[i+k]*cn+k]; \
[all …]
Dcxmeansdv.cpp49 sqr_macro, len, cn ) \ argument
50 for( ; x <= (len) - 4*(cn); x += 4*(cn))\
53 worktype t1 = src[x + (cn)]; \
59 t0 = src[x + 2*(cn)]; \
60 t1 = src[x + 3*(cn)]; \
67 for( ; x < (len); x += (cn) ) \
134 sqr_macro, len, cn ) \ argument
140 t0 = src[x*(cn)]; pix++; \
147 t0 = src[(x+1)*(cn)]; pix++; \
154 t0 = src[(x+2)*(cn)]; pix++; \
[all …]
Dcxsumpixels.cpp48 #define ICV_SUM_COI_CASE( __op__, len, cn ) \ argument
49 for( ; x <= (len) - 4*(cn); x += 4*(cn) ) \
50 s0 += __op__(src[x]) + __op__(src[x+(cn)]) + \
51 __op__(src[x+(cn)*2]) + __op__(src[x+(cn)*3]);\
53 for( ; x < (len); x += (cn) ) \
231 #define ICV_DEF_SUM_NOHINT_BLOCK_FUNC_2D( name, flavor, cn, \ argument
233 IPCVAPI_IMPL(CvStatus, icv##name##_##flavor##_C##cn##R,( \
237 ICV_SUM_ENTRY_BLOCK_C##cn(sumtype,worktype,(block_size)*(cn)); \
238 size.width *= cn; \
248 ICV_SUM_CASE_C##cn( __op__, limit ); \
[all …]
Dcxminmaxloc.cpp48 #define CV_MINMAXLOC_ENTRY( _toggle_, srctype, temptype, cn ) \ argument
51 int x, loc = 0, width = size.width*(cn); \
67 #define ICV_DEF_MINMAXLOC_1D_CASE_COI( _toggle_, temptype, cn ) \ argument
68 for( x = 0; x < width; x += (cn), loc++ ) \
108 CvSize size, int cn, int coi, \
113 CV_MINMAXLOC_ENTRY( _toggle_, srctype, temptype, cn ); \
117 ICV_DEF_MINMAXLOC_1D_CASE_COI( _toggle_, temptype, cn ); \
165 #define CV_MINMAXLOC_MASK_ENTRY( _toggle_, srctype, temptype, cn ) \ argument
171 if( width*(cn) == step && width == maskStep ) \
184 min_val = (src)[x*(cn)]; \
[all …]
/external/opencv3/modules/core/src/
Drand.cpp410 randnScale_( const float* src, T* dst, int len, int cn, const PT* mean, const PT* stddev, bool stdm… in randnScale_() argument
415 if( cn == 1 ) in randnScale_()
423 for( i = 0; i < len; i++, src += cn, dst += cn ) in randnScale_()
424 for( k = 0; k < cn; k++ ) in randnScale_()
430 for( i = 0; i < len; i++, src += cn, dst += cn ) in randnScale_()
432 for( j = 0; j < cn; j++ ) in randnScale_()
435 for( k = 0; k < cn; k++ ) in randnScale_()
436 s += src[k]*stddev[j*cn + k]; in randnScale_()
443 static void randnScale_8u( const float* src, uchar* dst, int len, int cn, in randnScale_8u() argument
445 { randnScale_(src, dst, len, cn, mean, stddev, stdmtx); } in randnScale_8u()
[all …]
Dstat.cpp81 int operator () (const schar * src0, const uchar * mask, int * dst, int len, int cn) const in operator ()()
83 if (mask || (cn != 1 && cn != 2 && cn != 4) || !USE_SSE2) in operator ()()
113 for (int i = 0; i < 4; i += cn) in operator ()()
114 for (int j = 0; j < cn; ++j) in operator ()()
117 return x / cn; in operator ()()
124 int operator () (const int * src0, const uchar * mask, double * dst, int len, int cn) const in operator ()()
126 if (mask || (cn != 1 && cn != 2 && cn != 4) || !USE_SSE2) in operator ()()
143 for (int i = 0; i < 4; i += cn) in operator ()()
144 for (int j = 0; j < cn; ++j) in operator ()()
147 return x / cn; in operator ()()
[all …]
/external/chromium-trace/catapult/third_party/typ/typ/
Dstats.py42 cn = self.fmt[p + 1]
43 if cn == 'c':
49 elif cn == 'e':
53 elif cn == 'f':
55 elif cn == 'o':
62 elif cn == 'p':
67 elif cn == 'r':
69 elif cn == 's':
71 elif cn == 't':
73 elif cn == 'u':
[all …]
/external/opencv3/modules/photo/src/
Dfast_nlmeans_denoising_opencl.hpp34 const FT *h, int hn, int cn, int normType, in ocl_calcAlmostDist2Weight() argument
55 int maxDist = normType == NORM_L1 ? std::numeric_limits<ST>::max() * cn : in ocl_calcAlmostDist2Weight()
56 std::numeric_limits<ST>::max() * std::numeric_limits<ST>::max() * cn; in ocl_calcAlmostDist2Weight()
61 den[i] = 1.0f / (h[i] * h[i] * cn); in ocl_calcAlmostDist2Weight()
87 int type = _src.type(), depth = CV_MAT_DEPTH(type), cn = CV_MAT_CN(type); in ocl_fastNlMeansDenoising() local
91 if (cn < 1 || cn > 4 || ((normType != NORM_L2 || depth != CV_8U) && in ocl_fastNlMeansDenoising()
110 ocl::typeToStr(type), ocl::typeToStr(CV_32SC(cn)), in ocl_fastNlMeansDenoising()
116 depth == CV_8U ? ocl::typeToStr(CV_32SC(cn)) : in ocl_fastNlMeansDenoising()
117 format("long%s", cn > 1 ? format("%d", cn).c_str() : "").c_str(), in ocl_fastNlMeansDenoising()
118 depth == CV_8U ? ocl::convertTypeStr(depth, CV_32S, cn, buf[1]) : in ocl_fastNlMeansDenoising()
[all …]
/external/opencv3/modules/cudabgsegm/perf/
Dperf_bgsegm.cpp77 const int cn = GET_PARAM(1); variable
88 if (cn != 3)
91 if (cn == 1)
115 if (cn != 3)
118 if (cn == 1)
142 if (cn != 3)
145 if (cn == 1)
181 const int cn = GET_PARAM(1); variable
191 if (cn != 3)
194 if (cn == 1)
[all …]
/external/opencv3/modules/superres/src/
Dinput_array_utility.cpp167 void convertToCn(InputArray src, OutputArray dst, int cn) in convertToCn() argument
171 CV_Assert( cn == 1 || cn == 3 || cn == 4 ); in convertToCn()
182 const int code = codes[scn][cn]; in convertToCn()
189 cuda::cvtColor(src.getGpuMat(), dst.getGpuMatRef(), code, cn); in convertToCn()
196 cv::cvtColor(src, dst, code, cn); in convertToCn()
242 const int cn = CV_MAT_CN(type); in convertToType() local
246 convertToCn(src, buf0, cn); in convertToType()
250 if (src.channels() == cn) in convertToType()
256 convertToCn(src, buf0, cn); in convertToType()
267 const int cn = CV_MAT_CN(type); in convertToType() local
[all …]
/external/selinux/libsepol/src/
Dconditional.c192 cond_node_t * cn) in cond_node_search() argument
195 cond_node_t *result = cond_node_find(p, cn, list, &was_created); in cond_node_search()
344 int cond_normalize_expr(policydb_t * p, cond_node_t * cn) in cond_normalize_expr() argument
353 cn->nbools = 0; in cond_normalize_expr()
355 memset(cn->bool_ids, 0, sizeof(cn->bool_ids)); in cond_normalize_expr()
356 cn->expr_pre_comp = 0x0; in cond_normalize_expr()
360 e = cn->expr; in cond_normalize_expr()
376 tmp = cn->true_list; in cond_normalize_expr()
377 cn->true_list = cn->false_list; in cond_normalize_expr()
378 cn->false_list = tmp; in cond_normalize_expr()
[all …]
/external/opencv3/modules/core/src/opencl/
Dreduce2.cl101 __local bufT lsmem[TILE_HEIGHT][BUF_COLS][cn];
108 int src_index = mad24(y, src_step, mad24(x, (int)sizeof(srcT) * cn, src_offset));
111 bufT tmp[cn];
113 for (int c = 0; c < cn; ++c)
116 int src_step_mul = BUF_COLS * cn;
120 for (int c = 0; c < cn; ++c)
128 for (int c = 0; c < cn; ++c)
135 for (int c = 0; c < cn; ++c)
146 bufT tmp[cn];
148 for (int c = 0; c < cn; ++c)
[all …]
/external/opencv3/modules/photo/test/ocl/
Dtest_denoising.cpp18 int cn, normType, templateWindowSize, searchWindowSize; in PARAM_TEST_CASE() local
27 cn = GET_PARAM(0); in PARAM_TEST_CASE()
35 h.resize(cn); in PARAM_TEST_CASE()
36 for (int i=0; i<cn; i++) in PARAM_TEST_CASE()
42 const int type = CV_8UC(cn); in PARAM_TEST_CASE()
47 cn == 1 ? IMREAD_GRAYSCALE : IMREAD_COLOR); in PARAM_TEST_CASE()
55 ASSERT_TRUE(cn > 0 && cn <= 4); in PARAM_TEST_CASE()
56 if (cn == 2) { in PARAM_TEST_CASE()
61 else if (cn == 4) { in PARAM_TEST_CASE()

12345678910>>...15