| /external/opencv3/modules/imgcodecs/src/ |
| grfmt_base.cpp | 111 bool BaseImageEncoder::setDestination( std::vector<uchar>& buf )
|
| /external/opencv3/modules/imgproc/ |
| precomp.hpp | 68 extern const uchar icvSaturate8u_cv[];
|
| /external/opencv3/modules/imgproc/src/ |
| precomp.hpp | 68 extern const uchar icvSaturate8u_cv[];
|
| segmentation.cpp | 163 const uchar* img = src.ptr(); 195 const uchar* ptr = img + j*3; 242 const uchar* ptr; 353 //uchar* submask = 0; 397 //CV_CALL( submask = (uchar*)cvAlloc( (sp+2)*(sp+2) )); 404 const uchar* sptr = src.ptr(); 406 uchar* mask = 0; 408 uchar* dptr; 459 const uchar* ptr; 540 dptr[0] = (uchar)c0 [all...] |
| drawing.cpp | 193 ptr = (uchar*)(img.data + pt1.y * istep + pt1.x * bt_pix0); 250 const uchar* color = (const uchar*)_color; 254 uchar* ptr = *iterator; 270 static const uchar SlopeCorrTable[] = { 293 int cb = ((uchar*)color)[0], cg = ((uchar*)color)[1], cr = ((uchar*)color)[2], ca = ((uchar*)color)[3]; 296 uchar* ptr = img.ptr() [all...] |
| grabcut.cpp | 334 uchar val = mask.at<uchar>(y,x); 373 if( mask.at<uchar>(p) == GC_BGD || mask.at<uchar>(p) == GC_PR_BGD ) 409 compIdxs.at<int>(p) = mask.at<uchar>(p) == GC_BGD || mask.at<uchar>(p) == GC_PR_BGD ? 431 if( mask.at<uchar>(p) == GC_BGD || mask.at<uchar>(p) == GC_PR_BGD ) 464 if( mask.at<uchar>(p) == GC_PR_BGD || mask.at<uchar>(p) == GC_PR_FGD [all...] |
| sumpixels.cpp | 70 struct Integral_SIMD<uchar, int, double> 77 bool operator()(const uchar * src, size_t _srcstep, 95 const uchar * src_row = src + _srcstep * i; 96 int * prev_sum_row = (int *)((uchar *)sum + _sumstep * i) + 1; 97 int * sum_row = (int *)((uchar *)sum + _sumstep * (i + 1)) + 1; 320 DEF_INTEGRAL_FUNC(8u32s, uchar, int, double) 321 DEF_INTEGRAL_FUNC(8u32s32s, uchar, int, int) 322 DEF_INTEGRAL_FUNC(8u32f64f, uchar, float, double) 323 DEF_INTEGRAL_FUNC(8u64f64f, uchar, double, double) 330 DEF_INTEGRAL_FUNC(8u32s32f, uchar, int, float [all...] |
| filter.cpp | 173 const uchar* constVal = !constBorderValue.empty() ? &constBorderValue[0] : 0; 188 uchar *dst = alignPtr(&constBorderRow[0], VEC_ALIGN), *tdst; 223 uchar* dst = isSeparable() ? &srcRow[0] : alignPtr(&ringBuf[0],VEC_ALIGN) + bufStep*i; 296 int FilterEngine::proceed( const uchar* src, int srcstep, int count, 297 uchar* dst, int dststep ) 303 uchar** brows = &rows[0]; 329 uchar* brow = alignPtr(&ringBuf[0], VEC_ALIGN) + bi*bufStep; 330 uchar* row = isSep ? &srcRow[0] : brow; 385 (*columnFilter)((const uchar**)brows, dst, dststep, i, roi.width*cn); 387 (*filter2D)((const uchar**)brows, dst, dststep, i, roi.width, cn) [all...] |
| imgwarp.cpp | 132 static uchar NNDeltaTab_i[INTER_TAB_SIZE2][2]; 343 uchar* D = dst.data + dst.step*y; 345 const uchar* S = src.ptr(sy); 352 uchar t0 = S[x_ofs[x]]; 353 uchar t1 = S[x_ofs[x+1]]; 368 const uchar* _tS = S + x_ofs[x]; 447 int operator()(const uchar**, uchar*, const uchar*, int ) const { return 0; } 452 int operator()(const uchar**, uchar**, int, const int* [all...] |
| /external/opencv3/modules/ml/src/ |
| data.cpp | 313 varType.at<uchar>(ninputvars) = (uchar)(responses.type() < CV_32F ? VAR_CATEGORICAL : VAR_ORDERED); 319 CV_Assert( varType.at<uchar>(ninputvars + i) == VAR_ORDERED ); 329 AutoBuffer<uchar> buf(nsamples); 330 Mat non_missing(layout == ROW_SAMPLE ? Size(1, nsamples) : Size(nsamples, 1), CV_8U, (uchar*)buf); 345 if( varType.at<uchar>(i) == VAR_CATEGORICAL ) 398 if( varType.at<uchar>(ninputvars) == VAR_CATEGORICAL ) 411 if( mask.at<uchar>(i) ) 517 std::vector<uchar> vtypes, rowtypes; 561 rowtypes.push_back((uchar)tp) [all...] |
| /external/opencv3/modules/videostab/include/opencv2/videostab/ |
| fast_marching.hpp | 106 cv::Mat_<uchar> flag_; // flag map
|
| /external/sfntly/cpp/src/test/ |
| test_utils_test.cc | 22 #include <unicode/uchar.h> 35 UChar from[8] = {0x016A, 0x006E, 0x012D, 0x0063, 0x014D, 0x0064, 0x0065,
|
| /external/skia/debugger/QT/ |
| SkRasterWidget.cpp | 54 QImage image(reinterpret_cast<const uchar*>(pixels),
|
| /external/opencv/cv/src/ |
| cvsegmentation.cpp | 106 uchar* img; 199 uchar* ptr = img + j*3; 244 uchar* ptr; 336 //uchar* submask = 0; 394 //CV_CALL( submask = (uchar*)cvAlloc( (sp+2)*(sp+2) )); 401 uchar* sptr = src->data.ptr; 403 uchar* mask = 0; 405 uchar* dptr; 456 uchar* ptr; 536 dptr[0] = (uchar)c0 [all...] |
| /external/opencv/cxcore/include/ |
| cvwimage.h | 71 // WImageBuffer3_b im(5,7); // Make a 5X7 3 channel image of type uchar 91 // *row = uchar(rand() & 255); 118 typedef WImage<uchar> WImage_b; 119 typedef WImageView<uchar> WImageView_b; 120 typedef WImageBuffer<uchar> WImageBuffer_b; 122 typedef WImageC<uchar, 1> WImage1_b; 123 typedef WImageViewC<uchar, 1> WImageView1_b; 124 typedef WImageBufferC<uchar, 1> WImageBuffer1_b; 126 typedef WImageC<uchar, 3> WImage3_b; 127 typedef WImageViewC<uchar, 3> WImageView3_b [all...] |
| /external/opencv3/modules/core/include/opencv2/core/ |
| wimage.hpp | 63 typedef WImage<uchar> WImage_b; 64 typedef WImageView<uchar> WImageView_b; 65 typedef WImageBuffer<uchar> WImageBuffer_b; 67 typedef WImageC<uchar, 1> WImage1_b; 68 typedef WImageViewC<uchar, 1> WImageView1_b; 69 typedef WImageBufferC<uchar, 1> WImageBuffer1_b; 71 typedef WImageC<uchar, 3> WImage3_b; 72 typedef WImageViewC<uchar, 3> WImageView3_b; 73 typedef WImageBufferC<uchar, 3> WImageBuffer3_b; 140 WImageBuffer3_b im(5,7); // Make a 5X7 3 channel image of type uchar [all...] |
| /external/opencv3/modules/cudastereo/src/cuda/ |
| util.cu | 97 template void reprojectImageTo3D_gpu<uchar, float3>(const PtrStepSzb disp, PtrStepSzb xyz, const float* q, cudaStream_t stream); 98 template void reprojectImageTo3D_gpu<uchar, float4>(const PtrStepSzb disp, PtrStepSzb xyz, const float* q, cudaStream_t stream); 166 __global__ void drawColorDisp(uchar* disp, size_t disp_step, uchar* out_image, size_t out_step, int width, int height, int ndisp) 186 __global__ void drawColorDisp(short* disp, size_t disp_step, uchar* out_image, size_t out_step, int width, int height, int ndisp)
|
| /external/opencv3/modules/core/include/opencv2/core/cuda/detail/ |
| color_detail.hpp | 129 template <> struct RGB2RGB<uchar, 4, 4, 2> : unary_function<uint, uint> 331 template <> struct Gray2RGB<uchar, 4> : unary_function<uchar, uint> 378 template<int green_bits> struct Gray2RGB5x5 : unary_function<uchar, ushort> 407 static __device__ __forceinline__ uchar cvt(uint t) 409 return (uchar)CV_DESCALE(((t << 3) & 0xf8) * B2Y + ((t >> 3) & 0xfc) * G2Y + ((t >> 8) & 0xf8) * R2Y, yuv_shift); 415 static __device__ __forceinline__ uchar cvt(uint t) 417 return (uchar)CV_DESCALE(((t << 3) & 0xf8) * B2Y + ((t >> 2) & 0xf8) * G2Y + ((t >> 7) & 0xf8) * R2Y, yuv_shift); 421 template<int green_bits> struct RGB5x52Gray : unary_function<ushort, uchar> 423 __device__ __forceinline__ uchar operator()(uint src) cons [all...] |
| /external/opencv3/3rdparty/libjasper/jasper/ |
| jas_icc.h | 255 uchar *ucdata; /* Unicode localizable description */ 258 uchar macdata[69]; /* Localizable Macintosh description */ 396 extern uchar jas_iccprofdata_srgb[]; 398 extern uchar jas_iccprofdata_sgray[]; 400 jas_iccprof_t *jas_iccprof_createfrombuf(uchar *buf, int len);
|
| /external/opencv3/modules/core/src/ |
| lapack.cpp | 92 JacobiImpl_( _Tp* A, size_t astep, _Tp* W, _Tp* V, size_t vstep, int n, uchar* buf ) 239 static bool Jacobi( float* S, size_t sstep, float* e, float* E, size_t estep, int n, uchar* buf ) 244 static bool Jacobi( double* S, size_t sstep, double* e, double* E, size_t estep, int n, uchar* buf ) 678 float* x, size_t xstep, uchar* buffer ) 693 double* x, size_t xstep, uchar* buffer ) 720 const uchar* m = mat.ptr(); 739 AutoBuffer<uchar> buffer(bufSize); 740 Mat a(rows, rows, CV_32F, (uchar*)buffer); 763 AutoBuffer<uchar> buffer(bufSize); 764 Mat a(rows, rows, CV_64F, (uchar*)buffer) [all...] |
| /external/opencv3/apps/traincascade/ |
| old_ml_tree.cpp | 391 const uchar* mask = 0; 775 cv::AutoBuffer<uchar> inn_buf(sample_count*(2*sizeof(int) + sizeof(float))); 783 const int* src = CvDTreeTrainData::get_cat_var_data( data_root, vi, (int*)(uchar*)inn_buf ); 813 int *src_idx_buf = (int*)(uchar*)inn_buf; 873 const int* sample_idx_src = get_sample_indices(data_root, (int*)(uchar*)inn_buf); 900 float* values, uchar* missing, 914 cv::AutoBuffer<uchar> inn_buf(sample_count*(2*sizeof(int) + sizeof(float))); 945 uchar* m = missing ? missing + vi : 0 [all...] |
| /external/opencv/otherlibs/highgui/ |
| grfmt_jpeg.cpp | 328 bool GrFmtJpegReader::ReadData( uchar* data, int step, int color ) 430 bool GrFmtJpegWriter::WriteImage( const uchar* data, int step, 440 uchar* buffer = 0; // temporary buffer for row flipping 465 buffer = new uchar[width*channels]; 469 uchar* ptr = (uchar*)data; 531 uchar* end = m_start + m_block_size; 532 uchar* current = m_start; 543 *current++ = (uchar)val; 597 static const uchar zigzag[] [all...] |
| /external/opencv3/modules/features2d/src/ |
| brisk.cpp | 208 cv::Mat_<uchar> scores_; 476 const uchar* ptr = &image.at<uchar>(y, x); 523 const uchar* ptr = image.ptr() + x_left + imagecols * y_top; 571 const uchar* ptr = image.ptr() + x_left + imagecols * y_top; 575 const uchar* end1 = ptr + dx; 583 const uchar* end_j = ptr + dy * imagecols; 588 const uchar* end2 = ptr + dx; 598 const uchar* end3 = ptr + dx; 701 const uchar* ptr = descriptors.ptr() [all...] |
| /external/opencv3/modules/core/test/ |
| test_operations.cpp | 540 Mat_<uchar> resMat(3, 3, 255); 554 Mat_<uchar> maskMat4(3, 3, 4); 555 Mat_<uchar> maskMat1(3, 3, 1); 556 Mat_<uchar> maskMat5(3, 3, 5); 557 Mat_<uchar> maskMat0(3, 3, (uchar)0); 563 Mat_<uchar> m; 677 Mat_<uchar> eye = Mat_<uchar>::zeros(2, 2); CHECK_DIFF(Mat_<uchar>::zeros(Size(2, 2)), eye) [all...] |
| /external/opencv3/modules/imgproc/src/opencl/ |
| filter2DSmall.cl | 192 __global const uchar* srcptr, int srcstep) 206 __global const uchar* ptr = srcptr + mul24(coord.y, srcstep) + 212 inline WT readSrcPixelSingle(int2 pos, __global const uchar* srcptr, 217 __global const uchar* ptr = srcptr + mul24(pos.y, srcstep) + 249 inline PX_LOAD_FLOAT_VEC_TYPE readSrcPixelGroup(int2 pos, __global const uchar* srcptr, 278 __kernel void filter2DSmall(__global const uchar * srcptr, int src_step, int srcOffsetX, int srcOffsetY, int srcEndX, int srcEndY, 279 __global uchar * dstptr, int dst_step, int dst_offset, int rows, int cols, float delta)
|