/external/skia/src/effects/gradients/ |
Sk4fLinearGradient.h | 25 template<typename DstType, TileMode> 28 template <typename DstType, bool premul> 29 void shadePremulSpan(int x, int y, DstType[], int count) const; 31 template <typename DstType, bool premul, SkShader::TileMode tileMode> 32 void shadePremulTileSpan(int x, int y, DstType[], int count) const; 34 template <typename DstType, bool premul, SkShader::TileMode tileMode> 35 void shadeSpanInternal(int x, int y, DstType[], int count) const;
|
Sk4fLinearGradient.cpp | 29 template<typename DstType, bool do_premul> 30 void fill(const Sk4f& c, DstType* dst, int n); 55 template<typename DstType, bool do_premul> 56 void store(const Sk4f& color, DstType* dst); 78 template<typename DstType, bool do_premul> 83 DstType* dst) { 84 store<DstType, do_premul>(c0, dst++); 85 store<DstType, do_premul>(c1, dst++); 86 store<DstType, do_premul>(c2, dst++); 87 store<DstType, do_premul>(c3, dst++) [all...] |
/external/opencv3/modules/cudev/include/opencv2/cudev/grid/detail/ |
split_merge.hpp | 62 template <class Src1Ptr, class Src2Ptr, typename DstType, class MaskPtr> 63 __global__ void mergeC2(const Src1Ptr src1, const Src2Ptr src2, GlobPtr<DstType> dst, const MaskPtr mask, const int rows, const int cols) 65 typedef typename VecTraits<DstType>::elem_type dst_elem_type; 73 dst(y, x) = VecTraits<DstType>::make( 79 template <class Policy, class Src1Ptr, class Src2Ptr, typename DstType, class MaskPtr> 80 __host__ void mergeC2(const Src1Ptr& src1, const Src2Ptr& src2, const GlobPtr<DstType>& dst, const MaskPtr& mask, int rows, int cols, cudaStream_t stream) 92 template <class Src1Ptr, class Src2Ptr, class Src3Ptr, typename DstType, class MaskPtr> 93 __global__ void mergeC3(const Src1Ptr src1, const Src2Ptr src2, const Src3Ptr src3, GlobPtr<DstType> dst, const MaskPtr mask, const int rows, const int cols) 95 typedef typename VecTraits<DstType>::elem_type dst_elem_type; 103 dst(y, x) = VecTraits<DstType>::make [all...] |
transform.hpp | 158 template <class SrcPtr, typename DstType, class UnOp, class MaskPtr> 159 __global__ void transformSimple(const SrcPtr src, GlobPtr<DstType> dst, const UnOp op, const MaskPtr mask, const int rows, const int cols) 167 dst(y, x) = saturate_cast<DstType>(op(src(y, x))); 170 template <class SrcPtr1, class SrcPtr2, typename DstType, class BinOp, class MaskPtr> 171 __global__ void transformSimple(const SrcPtr1 src1, const SrcPtr2 src2, GlobPtr<DstType> dst, const BinOp op, const MaskPtr mask, const int rows, const int cols) 179 dst(y, x) = saturate_cast<DstType>(op(src1(y, x), src2(y, x))); 184 template <int SHIFT, typename SrcType, typename DstType, class UnOp, class MaskPtr> 185 __global__ void transformSmart(const GlobPtr<SrcType> src_, GlobPtr<DstType> dst_, const UnOp op, const MaskPtr mask, const int rows, const int cols) 188 typedef typename MakeVec<DstType, SHIFT>::type write_type; 197 DstType* dst = dst_.row(y) [all...] |
transpose.hpp | 58 template <int TILE_DIM, int BLOCK_DIM_Y, class SrcPtr, typename DstType> 59 __global__ void transpose(const SrcPtr src, GlobPtr<DstType> dst, const int rows, const int cols) 105 dst(yIndex + i, xIndex) = saturate_cast<DstType>(tile[threadIdx.x][threadIdx.y + i]); 111 template <class Policy, class SrcPtr, typename DstType> 112 __host__ void transpose(const SrcPtr& src, const GlobPtr<DstType>& dst, int rows, int cols, cudaStream_t stream)
|
/external/opencv3/modules/cudev/include/opencv2/cudev/grid/ |
split_merge.hpp | 63 template <class Policy, class SrcPtrTuple, typename DstType, class MaskPtr> 64 __host__ void gridMerge_(const SrcPtrTuple& src, GpuMat_<DstType>& dst, const MaskPtr& mask, Stream& stream = Stream::Null()) 66 CV_StaticAssert( VecTraits<DstType>::cn == tuple_size<SrcPtrTuple>::value, "" ); 75 grid_split_merge_detail::MergeImpl<VecTraits<DstType>::cn, Policy>::merge(shrinkPtr(src), 82 template <class Policy, class SrcPtrTuple, typename DstType, class MaskPtr> 83 __host__ void gridMerge_(const SrcPtrTuple& src, const GlobPtrSz<DstType>& dst, const MaskPtr& mask, Stream& stream = Stream::Null()) 85 CV_StaticAssert( VecTraits<DstType>::cn == tuple_size<SrcPtrTuple>::value, "" ); 93 grid_split_merge_detail::MergeImpl<VecTraits<DstType>::cn, Policy>::merge(shrinkPtr(src), 100 template <class Policy, class SrcPtrTuple, typename DstType> 101 __host__ void gridMerge_(const SrcPtrTuple& src, GpuMat_<DstType>& dst, Stream& stream = Stream::Null() [all...] |
transpose.hpp | 60 template <class Policy, class SrcPtr, typename DstType> 61 __host__ void gridTranspose_(const SrcPtr& src, GpuMat_<DstType>& dst, Stream& stream = Stream::Null()) 71 template <class Policy, class SrcPtr, typename DstType> 72 __host__ void gridTranspose_(const SrcPtr& src, const GlobPtrSz<DstType>& dst, Stream& stream = Stream::Null()) 92 template <class SrcPtr, typename DstType> 93 __host__ void gridTranspose(const SrcPtr& src, GpuMat_<DstType>& dst, Stream& stream = Stream::Null()) 98 template <class SrcPtr, typename DstType> 99 __host__ void gridTranspose(const SrcPtr& src, const GlobPtrSz<DstType>& dst, Stream& stream = Stream::Null())
|
pyramids.hpp | 61 template <class Brd, class SrcPtr, typename DstType> 62 __host__ void gridPyrDown_(const SrcPtr& src, GpuMat_<DstType>& dst, Stream& stream = Stream::Null()) 72 template <class SrcPtr, typename DstType> 73 __host__ void gridPyrDown(const SrcPtr& src, GpuMat_<DstType>& dst, Stream& stream = Stream::Null()) 78 template <class SrcPtr, typename DstType> 79 __host__ void gridPyrUp(const SrcPtr& src, GpuMat_<DstType>& dst, Stream& stream = Stream::Null())
|
transform.hpp | 63 template <class Policy, class SrcPtr, typename DstType, class UnOp, class MaskPtr> 64 __host__ void gridTransformUnary_(const SrcPtr& src, GpuMat_<DstType>& dst, const UnOp& op, const MaskPtr& mask, Stream& stream = Stream::Null()) 76 template <class Policy, class SrcPtr, typename DstType, class UnOp, class MaskPtr> 77 __host__ void gridTransformUnary_(const SrcPtr& src, const GlobPtrSz<DstType>& dst, const UnOp& op, const MaskPtr& mask, Stream& stream = Stream::Null()) 88 template <class Policy, class SrcPtr, typename DstType, class UnOp> 89 __host__ void gridTransformUnary_(const SrcPtr& src, GpuMat_<DstType>& dst, const UnOp& op, Stream& stream = Stream::Null()) 99 template <class Policy, class SrcPtr, typename DstType, class UnOp> 100 __host__ void gridTransformUnary_(const SrcPtr& src, const GlobPtrSz<DstType>& dst, const UnOp& op, Stream& stream = Stream::Null()) 110 template <class Policy, class SrcPtr1, class SrcPtr2, typename DstType, class BinOp, class MaskPtr> 111 __host__ void gridTransformBinary_(const SrcPtr1& src1, const SrcPtr2& src2, GpuMat_<DstType>& dst, const BinOp& op, const MaskPtr& mask, Stream& stream = Stream::Null() [all...] |
/external/opencv3/modules/imgproc/perf/opencl/ |
perf_accumulate.cpp | 63 const int srcType = get<1>(params), cn = CV_MAT_CN(srcType), dstType = CV_32FC(cn); 65 checkDeviceMaxMemoryAllocSize(srcSize, dstType); 67 UMat src(srcSize, srcType), dst(srcSize, dstType); 84 const int srcType = get<1>(params), cn = CV_MAT_CN(srcType), dstType = CV_32FC(cn); 86 checkDeviceMaxMemoryAllocSize(srcSize, dstType); 88 UMat src(srcSize, srcType), dst(srcSize, dstType); 105 const int srcType = get<1>(params), cn = CV_MAT_CN(srcType), dstType = CV_32FC(cn); 107 checkDeviceMaxMemoryAllocSize(srcSize, dstType); 109 UMat src1(srcSize, srcType), src2(srcSize, srcType), dst(srcSize, dstType); 126 const int srcType = get<1>(params), cn = CV_MAT_CN(srcType), dstType = CV_32FC(cn) [all...] |
/external/mesa3d/src/mesa/main/ |
pack.h | 55 GLenum dstFormat, GLenum dstType, GLvoid *dstAddr, 94 GLenum dstType, GLvoid *dest, 102 GLenum dstType, GLvoid *dest, const GLuint *source, 109 GLenum dstType, GLvoid *dest, 116 GLenum dstType, GLvoid *dest, const GLubyte *source, 122 GLenum dstType, GLvoid *dest, GLuint depthMax, 128 GLenum dstType, const GLfloat *depthSpan, 134 GLenum dstType, GLuint *dest, 149 GLenum dstFormat, GLenum dstType, 155 GLenum dstFormat, GLenum dstType, [all...] |
/external/opencv3/modules/stitching/src/opencl/ |
multibandblend.cl | 188 #define __CONVERT_MODE(srcType, dstType) CAT(__CONVERT_MODE_, CAT(REF(T1(srcType)), CAT(_, REF(T1(dstType))))) 195 #define ROUND_MODE(srcType, dstType) CAT(__ROUND_MODE_, __CONVERT_MODE(srcType, dstType)) 197 #define __CONVERT_ROUND(dstType, roundMode) CAT(CAT(convert_, REF(dstType)), roundMode) 198 #define __NO_CONVERT(dstType) // nothing 199 #define __CONVERT(dstType) __CONVERT_ROUND(dstType,) 200 #define __CONVERT_rte(dstType) __CONVERT_ROUND(dstType,_rte [all...] |
/external/opencv3/modules/imgproc/perf/ |
perf_distanceTransform.cpp | 35 CV_ENUM(DstType, CV_8U, CV_32F) 38 typedef std::tr1::tuple<Size, DistanceType, MaskSize, DstType> SrcSize_DistType_MaskSize_DstType; 48 DstType::all() 55 int dstType = get<3>(GetParam()); 58 Mat dst(srcSize, dstType); 65 TEST_CYCLE() distanceTransform( src, dst, distanceType, maskSize, dstType);
|
/art/runtime/ |
reflection-inl.h | 32 Primitive::Type srcType, Primitive::Type dstType, 34 DCHECK(srcType != Primitive::kPrimNot && dstType != Primitive::kPrimNot); 35 if (LIKELY(srcType == dstType)) { 39 switch (dstType) { 94 PrettyDescriptor(dstType).c_str()).c_str()); 98 PrettyDescriptor(dstType).c_str()).c_str());
|
/external/opencv3/modules/cudafilters/src/ |
filtering.cpp | 99 NPPBoxFilter(int srcType, int dstType, Size ksize, Point anchor, int borderMode, Scalar borderVal); 116 NPPBoxFilter::NPPBoxFilter(int srcType, int dstType, Size ksize, Point anchor, int borderMode, Scalar borderVal) : 122 CV_Assert( dstType == srcType ); 165 Ptr<Filter> cv::cuda::createBoxFilter(int srcType, int dstType, Size ksize, Point anchor, int borderMode, Scalar borderVal) 167 if (dstType < 0) 168 dstType = srcType; 170 dstType = CV_MAKE_TYPE(CV_MAT_DEPTH(dstType), CV_MAT_CN(srcType)); 172 return makePtr<NPPBoxFilter>(srcType, dstType, ksize, anchor, borderMode, borderVal); 191 LinearFilter(int srcType, int dstType, InputArray kernel, Point anchor, int borderMode, Scalar borderVal) [all...] |
/external/skia/src/core/ |
SkXfermodeU64.cpp | 19 enum DstType { 28 template <DstType D> Sk4f unit_to_bias(const Sk4f& x4) { 32 template <DstType D> Sk4f bias_to_unit(const Sk4f& x4) { 50 template <DstType D> Sk4f load_from_dst(uint64_t dst) { 55 template <DstType D> uint64_t store_to_dst(const Sk4f& x4) { 70 template <DstType D> void xfer_u64_1(const SkXfermode* xfer, uint64_t dst[], 90 template <DstType D> void xfer_u64_n(const SkXfermode* xfer, uint64_t dst[], 119 template <DstType D> void clear(const SkXfermode*, uint64_t dst[], 142 template <DstType D> void src_1(const SkXfermode*, uint64_t dst[], 155 template <DstType D> void src_n(const SkXfermode*, uint64_t dst[] [all...] |
SkBlitter_PM4f.cpp | 37 typename State::DstType* device = State::WritableAddr(fDevice, x, y); 42 device = (typename State::DstType*)((char*)device + deviceRB); 50 typename State::DstType* device = State::WritableAddr(fDevice, x, y); 56 device = (typename State::DstType*)((char*)device + deviceRB); 61 typename State::DstType* device = State::WritableAddr(fDevice, x, y); 93 typename State::DstType* device = State::WritableAddr(fDevice, x, y); 100 device = (typename State::DstType*)((char*)device + dstRB); 122 typename State::DstType* device = State::WritableAddr(fDevice, x, y); 129 device = (typename State::DstType*)((char*)device + dstRB); 148 typename State::DstType* device = State::WritableAddr(fDevice, x, y) [all...] |
/external/opencv/cv/src/ |
cvaccum.cpp | 44 #define ICV_DEF_ACC_FUNC( name, srctype, dsttype, cvtmacro ) \ 46 name,( const srctype *src, int srcstep, dsttype *dst, \ 58 dsttype t0 = dst[x] + cvtmacro(src[x]); \ 59 dsttype t1 = dst[x + 1] + cvtmacro(src[x + 1]); \ 81 #define ICV_DEF_ACCPROD_FUNC( flavor, srctype, dsttype, cvtmacro ) \ 84 dsttype *dst, int dststep, CvSize size ), \ 96 dsttype t0 = dst[x] + cvtmacro(src1[x])*cvtmacro(src2[x]); \ 97 dsttype t1 = dst[x+1] + cvtmacro(src1[x+1])*cvtmacro(src2[x+1]);\ 117 #define ICV_DEF_ACCWEIGHT_FUNC( flavor, srctype, dsttype, cvtmacro ) \ 119 ( const srctype *src, int srcstep, dsttype *dst, int dststep, [all...] |
/external/opencv3/modules/cudaarithm/src/cuda/ |
sub_scalar.cu | 59 template <typename SrcType, typename ScalarType, typename DstType> struct SubScalarOp : unary_function<SrcType, DstType> 63 __device__ __forceinline__ DstType operator ()(SrcType a) const 65 return saturate_cast<DstType>(saturate_cast<ScalarType>(a) - val); 69 template <typename SrcType, typename ScalarType, typename DstType> struct SubScalarOpInv : unary_function<SrcType, DstType> 73 __device__ __forceinline__ DstType operator ()(SrcType a) const 75 return saturate_cast<DstType>(val - saturate_cast<ScalarType>(a)); 89 template <typename SrcType, typename ScalarDepth, typename DstType> 98 SubScalarOpInv<SrcType, ScalarType, DstType> op [all...] |
/external/opencv3/modules/cudafilters/include/opencv2/ |
cudafilters.hpp | 93 @param dstType Output image type. Only the same type as src is supported for now. 102 CV_EXPORTS Ptr<Filter> createBoxFilter(int srcType, int dstType, Size ksize, Point anchor = Point(-1,-1), 111 @param dstType Output image type. Only the same type as src is supported for now. 120 CV_EXPORTS Ptr<Filter> createLinearFilter(int srcType, int dstType, InputArray kernel, Point anchor = Point(-1,-1), 129 @param dstType Output image type. Only the same type as src is supported for now. 139 CV_EXPORTS Ptr<Filter> createLaplacianFilter(int srcType, int dstType, int ksize = 1, double scale = 1, 148 @param dstType Destination array type. 159 CV_EXPORTS Ptr<Filter> createSeparableLinearFilter(int srcType, int dstType, InputArray rowKernel, InputArray columnKernel, 168 @param dstType Destination array type. 180 CV_EXPORTS Ptr<Filter> createDerivFilter(int srcType, int dstType, int dx, int dy [all...] |
/external/opencv3/modules/stitching/ |
opencl_kernels_stitching.cpp | 140 "#define __CONVERT_MODE(srcType, dstType) CAT(__CONVERT_MODE_, CAT(REF(T1(srcType)), CAT(_, REF(T1(dstType)))))\n" 146 "#define ROUND_MODE(srcType, dstType) CAT(__ROUND_MODE_, __CONVERT_MODE(srcType, dstType))\n" 147 "#define __CONVERT_ROUND(dstType, roundMode) CAT(CAT(convert_, REF(dstType)), roundMode)\n" 148 "#define __NO_CONVERT(dstType)\n" 149 "#define __CONVERT(dstType) __CONVERT_ROUND(dstType,)\n" 150 "#define __CONVERT_rte(dstType) __CONVERT_ROUND(dstType,_rte)\n [all...] |
/frameworks/av/media/libmedia/ |
ICrypto.cpp | 98 DestinationType dstType, 108 data.writeInt32((int32_t)dstType); 139 if (dstType == kDestinationTypeNativeHandle) { 141 } else if (dstType == kDestinationTypeOpaqueHandle) { 144 dstType = kDestinationTypeVmPointer; 155 if (dstType == kDestinationTypeVmPointer && result >= 0) { 283 DestinationType dstType = (DestinationType)data.readInt32(); 315 if (dstType == kDestinationTypeNativeHandle) { 318 } else if (dstType == kDestinationTypeOpaqueHandle) { 322 dstType = kDestinationTypeVmPointer [all...] |
/external/opencv/cxcore/src/ |
cxlut.cpp | 103 #define ICV_DEF_LUT_FUNC_8U_CN( flavor, dsttype, cn ) \ 106 dsttype* dst, int dststep, CvSize size, \ 107 const dsttype* lut ) \ 114 ICV_LUT_CASE_C##cn( dsttype ) \ 131 #define ICV_DEF_LUT_FUNC_8U( flavor, dsttype ) \ 135 dsttype* dst, int dststep, CvSize size, \ 136 const dsttype* _lut, int cn ) \ 139 dsttype lutp[1024]; \ 166 const dsttype* lut = lutp + k*256; \ 169 dsttype t0 = lut[src[j]]; [all...] |
/frameworks/av/services/audiopolicy/utilities/convert/ |
convert.h | 47 * @tparam dstType destination type 53 template <typename srcType, typename dstType> 54 static inline bool convertTo(const srcType &input, dstType &result); 160 template <typename srcType, typename dstType> 163 template <typename dstType> 164 class Converter<std::string, dstType> 167 static inline bool run(const std::string &str, dstType &result) 169 return fromString<dstType>(str, result); 213 template <typename srcType, typename dstType> 214 static inline bool convertTo(const srcType &input, dstType &result [all...] |
/frameworks/base/tools/aapt2/link/ |
TableMerger.cpp | 142 ResourceTableType* dstType = mMasterPackage->findOrCreateType(srcType->type); 144 if (dstType->symbolStatus.state == SymbolState::kPublic && dstType->id && srcType->id 145 && dstType->id.value() == srcType->id.value()) { 155 dstType->symbolStatus = std::move(srcType->symbolStatus); 156 dstType->id = srcType->id; 165 dstEntry = dstType->findOrCreateEntry(mangledName); 167 dstEntry = dstType->findEntry(mangledName); 171 dstEntry = dstType->findOrCreateEntry(srcEntry->name); 173 dstEntry = dstType->findEntry(srcEntry->name) [all...] |