| /prebuilts/sdk/renderscript/include/ |
| rs_value_types.rsh | 28 * Unsigned integer: uchar, uint8_t ushort, uint16_t uint, uint32_t ulong, uint64_t 202 * uchar: 8 bit unsigned integer 206 typedef uint8_t uchar; 309 * A vector of two uchars. These two uchar fields packed into a single 16 bit field 312 typedef uchar __attribute__((ext_vector_type(2))) uchar2; 317 * A vector of three uchars. These three uchar fields packed into a single 32 bit field 320 typedef uchar __attribute__((ext_vector_type(3))) uchar3; 325 * A vector of four uchars. These four uchar fields packed into a single 32 bit field 328 typedef uchar __attribute__((ext_vector_type(4))) uchar4;
|
| /external/opencv3/modules/stitching/src/ |
| seam_finders.cpp | 129 submask1.at<uchar>(y + gap, x + gap) = mask1.at<uchar>(y1, x1); 131 submask1.at<uchar>(y + gap, x + gap) = 0; 136 submask2.at<uchar>(y + gap, x + gap) = mask2.at<uchar>(y2, x2); 138 submask2.at<uchar>(y + gap, x + gap) = 0; 156 if (seam.at<uchar>(y + gap, x + gap)) 157 mask2.at<uchar>(roi.y - tl2.y + y, roi.x - tl2.x + x) = 0; 159 mask1.at<uchar>(roi.y - tl1.y + y, roi.x - tl1.x + x) = 0; 509 if (l > 0 && (states_[l-1] & FIRST) && mask1.at<uchar>(y - dy2 + dy1, x - dx2 + dx1) [all...] |
| /external/opencv3/modules/core/src/ |
| stat.cpp | 70 int operator () (const T *, const uchar *, ST *, int, int) const 81 int operator () (const schar * src0, const uchar * mask, int * dst, int len, int cn) const 124 int operator () (const int * src0, const uchar * mask, double * dst, int len, int cn) const 154 int operator () (const float * src0, const uchar * mask, double * dst, int len, int cn) const 186 struct Sum_SIMD<uchar, int> 188 int operator () (const uchar * src0, const uchar * mask, int * dst, int len, int cn) const 231 int operator () (const schar * src0, const uchar * mask, int * dst, int len, int cn) const 274 int operator () (const ushort * src0, const uchar * mask, int * dst, int len, int cn) const 307 int operator () (const short * src0, const uchar * mask, int * dst, int len, int cn) cons [all...] |
| /external/opencv/cvaux/src/ |
| camshift.cpp | 85 uchar* color_data = 0, *mask = 0; 86 uchar* planes[CV_MAX_DIM]; 132 planes[0][x] = (uchar)val0; 134 planes[1][x] = (uchar)val1; 136 planes[2][x] = (uchar)val2; 138 mask[x] = (uchar)255;
|
| /external/opencv3/3rdparty/libjasper/jasper/ |
| jas_stream.h | 212 uchar *bufbase_; 216 uchar *bufstart_; 222 uchar *ptr_; 229 uchar tinybuf_[JAS_STREAM_MAXPUTBACK + 1]; 272 uchar *buf_; 455 jas_stream_flushbuf((stream), (uchar)(c)) : \
|
| /external/opencv3/modules/cudev/test/ |
| test_cmp_op.cu | 51 typedef ::testing::Types<uchar, ushort, short, int, float> AllTypes; 70 GpuMat_<uchar> dst = (d_src1 < d_src2) * 255; 122 typedef ::testing::Types<uchar, short, float> ThreshTypes;
|
| /external/opencv3/modules/imgproc/src/opencl/ |
| resize.cl | 104 __global uchar* dstptr, int dststep, int dstoffset, 133 __kernel void resizeLN(__global const uchar * srcptr, int src_step, int src_offset, int src_rows, int src_cols, 134 __global uchar * dstptr, int dst_step, int dst_offset, int dst_rows, int dst_cols, 135 __global const uchar * buffer) 169 __kernel void resizeLN(__global const uchar * srcptr, int src_step, int src_offset, int src_rows, int src_cols, 170 __global uchar * dstptr, int dst_step, int dst_offset, int dst_rows, int dst_cols, 225 __kernel void resizeNN(__global const uchar * srcptr, int src_step, int src_offset, int src_rows, int src_cols, 226 __global uchar * dstptr, int dst_step, int dst_offset, int dst_rows, int dst_cols, 248 __kernel void resizeAREA_FAST(__global const uchar * src, int src_step, int src_offset, int src_rows, int src_cols, 249 __global uchar * dst, int dst_step, int dst_offset, int dst_rows, int dst_cols [all...] |
| canny.cl | 119 __kernel void stage1_with_sobel(__global const uchar *src, int src_step, int src_offset, int rows, int cols, 120 __global uchar *map, int map_step, int map_offset, 280 __kernel void stage1_without_sobel(__global const uchar *dxptr, int dx_step, int dx_offset, 281 __global const uchar *dyptr, int dy_step, int dy_offset, 282 __global uchar *map, int map_step, int map_offset, int rows, int cols, 385 __kernel void stage2_hysteresis(__global uchar *map_ptr, int map_step, int map_offset, int rows, int cols) 403 __global uchar* map = map_ptr + mad24(y, map_step, x * (int)sizeof(int)); 445 __global uchar *addr = map_ptr + mad24(posy, map_step, posx * (int)sizeof(int)); 473 __kernel void getEdges(__global const uchar *mapptr, int map_step, int map_offset, int rows, int cols, 474 __global uchar *dst, int dst_step, int dst_offset [all...] |
| /external/opencv3/modules/videostab/src/cuda/ |
| global_motion.cu | 55 int compactPoints(int N, float *points0, float *points1, const uchar *mask) 59 thrust::device_ptr<const uchar> dmask(mask); 63 dmask, thrust::not1(thrust::identity<uchar>()))
|
| /frameworks/rs/cpu_ref/ |
| rsCpuIntrinsicInlines.h | 19 typedef uint8_t uchar; typedef 26 typedef uchar uchar2 __attribute__((ext_vector_type(2))); 27 typedef uchar uchar3 __attribute__((ext_vector_type(3))); 28 typedef uchar uchar4 __attribute__((ext_vector_type(4))); 68 #define CVT_FUNC(type) CVT_FUNC_2(type, uchar) \ 77 CVT_FUNC(uchar)
|
| rsCpuIntrinsicConvolve5x5.cpp | 175 static void OneU1(const RsExpandKernelDriverInfo *info, uint32_t x, uchar *out, 176 const uchar *py0, const uchar *py1, const uchar *py2, const uchar *py3, const uchar *py4, 357 const uchar *pin = (const uchar *)cp->alloc->mHal.drvState.lod[0].mallocPtr; 417 const uchar *pin = (const uchar *)cp->alloc->mHal.drvState.lod[0].mallocPtr [all...] |
| /frameworks/rs/tests/typecheck/ |
| kernels.rs | 31 uchar uc1; 32 uchar uc1i = 1; 119 void RS_KERNEL test_U8(uchar in) {
|
| /external/opencv3/modules/imgproc/src/ |
| histogram.cpp | 118 std::vector<uchar*>& ptrs, std::vector<int>& deltas, 217 calcHist1D_Invoker( const std::vector<uchar*>& _ptrs, const std::vector<int>& _deltas, 237 uchar* mask = mask_ + range.begin()*mstep_; 274 uchar* mask_; 291 calcHist2D_Invoker( const std::vector<uchar*>& _ptrs, const std::vector<int>& _deltas, 313 uchar* mask = mask_ + range.begin()*mstep_; 348 uchar* mask_; 359 uchar* globalHistogram_; 367 calcHist3D_Invoker( const std::vector<uchar*>& _ptrs, const std::vector<int>& _deltas, 389 uchar* mask = mask_ + range.begin()*mstep_ [all...] |
| color.cpp | 182 const uchar* yS = src.ptr<uchar>(range.start); 183 uchar* yD = dst.ptr<uchar>(range.start); 223 const void *yS = src.ptr<uchar>(range.start); 224 void *yD = dst.ptr<uchar>(range.start); 590 template<> struct RGB2RGB<uchar> 592 typedef uchar channel_type; 597 v_alpha = vdupq_n_u8(ColorChannel<uchar>::max()); 601 void operator()(const uchar * src, uchar * dst, int n) cons [all...] |
| floodfill.cpp | 226 Diff8uC1(uchar _lo, uchar _up) : lo(_lo), interval(_lo + _up) {} 227 bool operator()(const uchar* a, const uchar* b) const 287 uchar* pImage = image.ptr(); 289 uchar* pMask = msk.ptr() + maskStep + sizeof(_MTp); 470 uchar b[4]; 517 const uchar* seed_ptr = img.ptr(seedPoint.y) + elem_size*seedPoint.x; 563 mask.at<uchar>(i, 0) = mask.at<uchar>(i, mask.cols-1) = (uchar)1 [all...] |
| /external/opencv3/modules/cudaimgproc/src/cuda/ |
| debayer.cu | 56 template <> struct Bayer2BGR<uchar> 184 template <> __device__ __forceinline__ uchar toDst<uchar>(const uchar3& pix) 186 typename bgr_to_gray_traits<uchar>::functor_type f = bgr_to_gray_traits<uchar>::create_functor(); 209 Bayer2BGR<uchar> bayer; 345 typedef typename TypeVec<uchar, cn>::vec_type dst_t; 392 texture<uchar, cudaTextureType2D, cudaReadModeElementType> sourceTex(false, cudaFilterModePoint, cudaAddressModeClamp); 513 make_uchar3(saturate_cast<uchar>(PATTERN.y), saturate_cast<uchar>(PATTERN.x), saturate_cast<uchar>(C)) [all...] |
| /external/opencv3/modules/imgcodecs/src/ |
| grfmt_exr.cpp | 190 uchar* data = img.ptr(); 317 uchar *out = data; 351 out[x] = cv::saturate_cast<uchar>(fi[x]*5); 359 out[x] = cv::saturate_cast<uchar>(ui[x]); 391 void ExrDecoder::UpSample( uchar *data, int xstep, int ystep, int xsample, int ysample ) 435 void ExrDecoder::UpSampleY( uchar *data, int xstep, int ystep, int ysample ) 466 b = ((uchar *)data)[y * step + x * 3]; 467 Y = ((uchar *)data)[y * step + x * 3 + 1]; 468 r = ((uchar *)data)[y * step + x * 3 + 2]; 488 ((uchar *)data)[y * step + x * 3 + 0] = cv::saturate_cast<uchar>(b) [all...] |
| grfmt_bmp.cpp | 152 uchar buffer[256*3]; 186 uchar* data = img.ptr(); 189 uchar gray_palette[256]; 204 AutoBuffer<uchar> _src, _bgr; 215 uchar *src = _src, *bgr = _bgr; 251 uchar* line_end = data + width3; 262 uchar gray_clr[2]; 270 uchar* end = data + len*nch; 339 uchar* line_end = data + width3; 506 uchar zeropad[] = "\0\0\0\0" [all...] |
| /external/opencv3/modules/calib3d/src/ |
| stereobm.cpp | 110 static void prefilterNorm( const Mat& src, Mat& dst, int winsize, int ftzero, uchar* buf ) 116 uchar tab[TABSZ]; 117 const uchar* sptr = src.ptr(); 124 tab[x] = (uchar)(x - OFS < -ftzero ? 0 : x - OFS > ftzero ? ftzero*2 : x - OFS + ftzero); 137 const uchar* top = sptr + srcstep*MAX(y-wsz2-1,0); 138 const uchar* bottom = sptr + srcstep*MIN(y+wsz2,size.height-1); 139 const uchar* prev = sptr + srcstep*MAX(y-1,0); 140 const uchar* curr = sptr + srcstep*y; 141 const uchar* next = sptr + srcstep*MIN(y+1,size.height-1); 142 uchar* dptr = dst.ptr<uchar>(y) [all...] |
| /external/opencv3/modules/calib3d/src/opencl/ |
| stereobm.cl | 88 short calcCostBorder(__global const uchar * leftptr, __global const uchar * rightptr, int x, int y, int nthread, 92 __global const uchar * left, * right; 122 short calcCostInside(__global const uchar * leftptr, __global const uchar * rightptr, int x, int y, 125 __global const uchar * left, * right; 131 uchar corrner1 = abs(left[0] - right[0]), 140 __kernel void stereoBM(__global const uchar * leftptr, 141 __global const uchar * rightptr, 142 __global uchar * dispptr, int disp_step, int disp_offset [all...] |
| /external/opencv3/modules/cudaarithm/src/cuda/ |
| cmp_mat.cu | 59 template <class Op, typename T> struct CmpOp : binary_function<T, T, uchar> 61 __device__ __forceinline__ uchar operator()(T a, T b) const 82 gridTransformBinary_< TransformPolicy<T> >(globPtr<T>(src1), globPtr<T>(src2), globPtr<uchar>(dst), op, stream); 161 {cmpMat_v1<equal_to, uchar> , cmpMat_v1<not_equal_to, uchar> , cmpMat_v1<less, uchar> , cmpMat_v1<less_equal, uchar> },
|
| /external/opencv3/modules/cudastereo/src/ |
| stereocsbp.cpp | 246 init_data_cost(left.ptr<uchar>(), right.ptr<uchar>(), temp_.ptr<uchar>(), left.step, left.rows, left.cols, disp_selected_pyr[cur_idx].ptr<float>(), data_cost_selected.ptr<float>(), 251 compute_data_cost(left.ptr<uchar>(), right.ptr<uchar>(), left.step, disp_selected_pyr[cur_idx].ptr<float>(), data_cost.ptr<float>(), elem_step, 256 init_message(temp_.ptr<uchar>(), 266 calc_all_iterations(temp_.ptr<uchar>(), u[cur_idx].ptr<float>(), d[cur_idx].ptr<float>(), l[cur_idx].ptr<float>(), r[cur_idx].ptr<float>(), 277 init_data_cost(left.ptr<uchar>(), right.ptr<uchar>(), temp_.ptr<uchar>(), left.step, left.rows, left.cols, disp_selected_pyr[cur_idx].ptr<short>(), data_cost_selected.p (…) [all...] |
| /external/opencv3/modules/features2d/src/ |
| fast.cpp | 77 uchar threshold_tab[512]; 79 threshold_tab[i+255] = (uchar)(i < -threshold ? 1 : i > threshold ? 2 : 0); 81 AutoBuffer<uchar> _buf((img.cols+16)*3*(sizeof(int) + sizeof(uchar)) + 128); 82 uchar* buf[3]; 92 const uchar* ptr = img.ptr<uchar>(i) + 3; 93 uchar* curr = buf[(i - 3)%3]; 156 curr[j+k] = (uchar)cornerScore<patternSize>(ptr+k, pixel, threshold); 164 const uchar* tab = &threshold_tab[0] - v + 255 [all...] |
| /external/opencv3/apps/traincascade/ |
| old_ml_precomp.hpp | 109 uchar* data; int sstep, cstep; - trainData->data 110 uchar* classes; int clstep; int ncl;- trainClasses 111 uchar* tmask; int tmstep; int ntm; - typeMask 112 uchar* missed;int msstep, mcstep; -missedMeasurements... 114 uchar* sidx;int sistep; - sampleIdx 115 uchar* cidx;int cistep; - compIdx 120 uchar* data; \ 122 uchar* classes; \ 125 uchar* tmask; \ 128 uchar* missed; [all...] |
| /external/opencv3/modules/cudev/include/opencv2/cudev/util/ |
| vec_traits.hpp | 66 CV_CUDEV_MAKE_VEC_INST(uchar) 81 template<> struct MakeVec<bool, 1> { typedef uchar type; }; 132 CV_CUDEV_VEC_TRAITS_INST(uchar) 222 CV_CUDEV_DATA_TYPE_INST(uchar, 1) 223 CV_CUDEV_DATA_TYPE_INST(uchar, 2) 224 CV_CUDEV_DATA_TYPE_INST(uchar, 3) 225 CV_CUDEV_DATA_TYPE_INST(uchar, 4)
|