Home
last modified time | relevance | path

Searched refs:size_t (Results 1 – 25 of 12034) sorted by relevance

12345678910>>...482

/third_party/skia/third_party/externals/angle2/src/image_util/
Dloadimage.h18 void LoadA8ToRGBA8(size_t width,
19 size_t height,
20 size_t depth,
22 size_t inputRowPitch,
23 size_t inputDepthPitch,
25 size_t outputRowPitch,
26 size_t outputDepthPitch);
28 void LoadA8ToBGRA8(size_t width,
29 size_t height,
30 size_t depth,
[all …]
Dloadimage.cpp18 void LoadA8ToRGBA8(size_t width, in LoadA8ToRGBA8()
19 size_t height, in LoadA8ToRGBA8()
20 size_t depth, in LoadA8ToRGBA8()
22 size_t inputRowPitch, in LoadA8ToRGBA8()
23 size_t inputDepthPitch, in LoadA8ToRGBA8()
25 size_t outputRowPitch, in LoadA8ToRGBA8()
26 size_t outputDepthPitch) in LoadA8ToRGBA8()
33 for (size_t z = 0; z < depth; z++) in LoadA8ToRGBA8()
35 for (size_t y = 0; y < height; y++) in LoadA8ToRGBA8()
42 size_t x = 0; in LoadA8ToRGBA8()
[all …]
/third_party/flutter/skia/third_party/externals/angle2/src/image_util/
Dloadimage.h18 void LoadA8ToRGBA8(size_t width,
19 size_t height,
20 size_t depth,
22 size_t inputRowPitch,
23 size_t inputDepthPitch,
25 size_t outputRowPitch,
26 size_t outputDepthPitch);
28 void LoadA8ToBGRA8(size_t width,
29 size_t height,
30 size_t depth,
[all …]
Dloadimage.cpp18 void LoadA8ToRGBA8(size_t width, in LoadA8ToRGBA8()
19 size_t height, in LoadA8ToRGBA8()
20 size_t depth, in LoadA8ToRGBA8()
22 size_t inputRowPitch, in LoadA8ToRGBA8()
23 size_t inputDepthPitch, in LoadA8ToRGBA8()
25 size_t outputRowPitch, in LoadA8ToRGBA8()
26 size_t outputDepthPitch) in LoadA8ToRGBA8()
33 for (size_t z = 0; z < depth; z++) in LoadA8ToRGBA8()
35 for (size_t y = 0; y < height; y++) in LoadA8ToRGBA8()
42 size_t x = 0; in LoadA8ToRGBA8()
[all …]
/third_party/mindspore/mindspore/ccsrc/backend/kernel_compiler/gpu/cuda_impl/
Dslice_impl.cu24 __global__ void Slice1D(const size_t s1, const size_t l1, const size_t d1, const T *input, T *outpu… in Slice1D()
25 …for (size_t pos = blockIdx.x * blockDim.x + threadIdx.x; pos < l1; pos += blockDim.x * gridDim.x) { in Slice1D()
31 __global__ void Slice2D(const size_t s1, const size_t s2, const size_t l1, const size_t l2, const s… in Slice2D()
32 const size_t d2, const T *input, T *output) { in Slice2D()
33 …for (size_t pos = blockIdx.x * blockDim.x + threadIdx.x; pos < l1 * l2; pos += blockDim.x * gridDi… in Slice2D()
34 size_t i = pos / l2 % l1; in Slice2D()
35 size_t j = pos % l2; in Slice2D()
37 size_t offset = (i + s1) * d2 + (j + s2); in Slice2D()
43 __global__ void Slice3D(const size_t s1, const size_t s2, const size_t s3, const size_t l1, const s… in Slice3D()
44 … const size_t l3, const size_t d1, const size_t d2, const size_t d3, const T *input, T *output) { in Slice3D()
[all …]
Dbatchtospace_impl.cu21 __global__ void BatchToSpace(const size_t size, const T *input, const size_t in, in BatchToSpace()
22 const size_t ih, const size_t iw, const size_t ic, in BatchToSpace()
23 const size_t on, const size_t oh, const size_t ow, in BatchToSpace()
24 const size_t oc, const size_t crop_up, const size_t crop_dn, in BatchToSpace()
25 const size_t crop_lft, const size_t crop_rht, const size_t block_num, in BatchToSpace()
27 size_t temp_stride = 0; in BatchToSpace()
28 size_t temp_pos = 0; in BatchToSpace()
29 size_t idx_on = 0; in BatchToSpace()
30 size_t idx_oc = 0; in BatchToSpace()
31 size_t idx_oh = 0; in BatchToSpace()
[all …]
Dspacetobatch_impl.cu21 __global__ void SpaceToBatch(const size_t size, const T *input, const size_t in, in SpaceToBatch()
22 const size_t ih, const size_t iw, const size_t ic, in SpaceToBatch()
23 const size_t on, const size_t oh, const size_t ow, in SpaceToBatch()
24 const size_t oc, const size_t pad_up, const size_t pad_dn, in SpaceToBatch()
25 const size_t pad_lft, const size_t pad_rht, const size_t block_num, in SpaceToBatch()
27 size_t temp_stride = 0; in SpaceToBatch()
28 size_t temp_pos = 0; in SpaceToBatch()
29 size_t idx_in = 0; in SpaceToBatch()
30 size_t idx_ic = 0; in SpaceToBatch()
31 size_t idx_ih = 0; in SpaceToBatch()
[all …]
Ddepthtospace_impl.cu21 __global__ void DepthToSpace(const size_t size, const T *input, const size_t in, in DepthToSpace()
22 const size_t ic, const size_t ih, const size_t iw, in DepthToSpace()
23 const size_t on, const size_t oc, const size_t oh, in DepthToSpace()
24 const size_t ow, const size_t r, T *output) { in DepthToSpace()
25 size_t temp_stride = 0; in DepthToSpace()
26 size_t temp_pos = 0; in DepthToSpace()
27 size_t input_pos = 0; in DepthToSpace()
28 size_t output_pos_array[DEPTHTOSPACE_BUFFER_DIMENSION]; in DepthToSpace()
30 for (size_t pos = blockIdx.x * blockDim.x + threadIdx.x; pos < size; in DepthToSpace()
62 void CalDepthToSpace(const size_t size, const T *input, const size_t in, in CalDepthToSpace()
[all …]
Dspacetodepth_impl.cu22 __global__ void SpaceToDepth(const size_t size, const T *input, const size_t in, in SpaceToDepth()
23 const size_t ic, const size_t ih, const size_t iw, in SpaceToDepth()
24 const size_t on, const size_t oc, const size_t oh, in SpaceToDepth()
25 const size_t ow, const size_t r, T *output) { in SpaceToDepth()
26 size_t temp_stride = 0; in SpaceToDepth()
27 size_t temp_pos = 0; in SpaceToDepth()
28 size_t output_pos = 0; in SpaceToDepth()
29 size_t input_pos_array[SPACETODEPTH_BUFFER_DIMENSION]; in SpaceToDepth()
31 for (size_t pos = blockIdx.x * blockDim.x + threadIdx.x; pos < size; in SpaceToDepth()
62 void CalSpaceToDepth(const size_t size, const T *input, const size_t in, in CalSpaceToDepth()
[all …]
Dslice_impl.cuh25 void SliceKernel(const T *input, T *output, const size_t output_size, cudaStream_t cuda_stream, S..…
28 void CalSlice4DGrad(const size_t s1, const size_t s2, const size_t s3, const size_t s4, const size_…
29 … const size_t l2, const size_t l3, const size_t l4, const size_t d1, const size_t d2,
30 const size_t d3, const size_t d4, const T *dy, T *dx, cudaStream_t stream);
33 void Slice1DKernel(const size_t s1, const size_t l1, const size_t d1, const T *input, T *output, cu…
36 void Slice2DKernel(const size_t s1, const size_t s2, const size_t l1, const size_t l2, const size_t
40 void Slice3DKernel(const size_t s1, const size_t s2, const size_t s3, const size_t l1, const size_t
41 …const size_t d1, const size_t d2, const size_t d3, const T *input, T *output, cudaStream_t stream);
44 void Slice4DKernel(const size_t s1, const size_t s2, const size_t s3, const size_t s4, const size_t
45 …const size_t l3, const size_t l4, const size_t d1, const size_t d2, const size_t d3, const size_t
[all …]
Dgather.cu21 __global__ void GatherKernel(const T *input, const S *index, T *output, const size_t dim_before_axi… in GatherKernel()
22 const size_t dim_at_axis_input, const size_t dim_at_axis_output, in GatherKernel()
23 const size_t dim_after_axis) { in GatherKernel()
24 size_t num = dim_before_axis * dim_at_axis_output * dim_after_axis; in GatherKernel()
25 size_t i, k; in GatherKernel()
26 for (size_t id = blockIdx.x * blockDim.x + threadIdx.x; id < num; in GatherKernel()
36 size_t j_read = static_cast<size_t>(j); in GatherKernel()
38 size_t read_id = i * dim_at_axis_input * dim_after_axis + j_read * dim_after_axis + k; in GatherKernel()
44 void Gather(const T *input, const S *index, T *output, const size_t dim_before_axis, in Gather()
45 const size_t dim_at_axis_input, const size_t dim_at_axis_output, in Gather()
[all …]
Dreverse_sequence_impl.cu23 __inline__ __device__ void IdxToPos(size_t idx, size_t *pos, size_t cur_thread_idx, size_t *cum_sha… in IdxToPos()
24 size_t shape_size) { in IdxToPos()
25 size_t rem_val = idx; in IdxToPos()
34 __inline__ __device__ size_t PosToIdx(size_t *pos, size_t cur_thread_idx, size_t *cum_shape, size_t in PosToIdx()
35 size_t idx = 0; in PosToIdx()
46 __global__ void ComputeCumShape(const size_t *input_shape_ptr, size_t *input_shape_cum_ptr, size_t in ComputeCumShape()
56 __global__ void ReverseSequence(const size_t size, const T *input, const S *seq_len, const int64_t … in ReverseSequence()
57 … const int64_t seq_dim, size_t *cur_pos_arr, const size_t *input_shape_ptr, in ReverseSequence()
58 size_t *input_shape_cum_ptr, size_t shape_size, T *output) { in ReverseSequence()
60 size_t cur_thread_idx = (blockIdx.x * blockDim.x) + threadIdx.x; in ReverseSequence()
[all …]
Dgather_grad.cu23 __global__ void GatherGradKernel(const size_t num, const T *index, const S *grad, S *output, in GatherGradKernel()
24 const size_t dim_before_axis, const size_t dim_at_axis_index, in GatherGradKernel()
25 const size_t dim_at_axis_output, const size_t dim_after_axis) { in GatherGradKernel()
26 size_t i, k; in GatherGradKernel()
28 for (size_t id = blockIdx.x * blockDim.x + threadIdx.x; id < num; in GatherGradKernel()
38 size_t j_read = static_cast<size_t>(j); in GatherGradKernel()
40 size_t read_id = i * dim_at_axis_output * dim_after_axis + j_read * dim_after_axis + k; in GatherGradKernel()
47 __global__ void InitOutput(const size_t size, S *output) { in InitOutput()
49 … for (size_t id = blockIdx.x * blockDim.x + threadIdx.x; id < size; id += blockDim.x * gridDim.x) { in InitOutput()
56 void GatherGrad(const T *index, const S *grad, S *output, const size_t dim_before_axis, in GatherGrad()
[all …]
Dgatherv2.cu21 __global__ void GatherV2Kernel(T *input, S *indices, T *output, size_t output_dim0, size_t output_d… in GatherV2Kernel()
22 size_t output_dim2, size_t input_dim1) { in GatherV2Kernel()
23 size_t num = output_dim0 * output_dim1 * output_dim2; in GatherV2Kernel()
24 size_t i, j, k; in GatherV2Kernel()
25 for (size_t write_index = blockIdx.x * blockDim.x + threadIdx.x; write_index < num; in GatherV2Kernel()
32 size_t read_index = i * input_dim1 * output_dim2 + indices[j] * output_dim2 + k; in GatherV2Kernel()
42 void GatherV2(T *input, S *indices, T *output, size_t output_dim0, size_t output_dim1, size_t outpu… in GatherV2()
43 size_t input_dim1, cudaStream_t stream) { in GatherV2()
44 size_t size = output_dim0 * output_dim1 * output_dim2; in GatherV2()
50 …atherV2<float, int>(float *input, int *indices, float *output, size_t output_dim0, size_t output_d…
[all …]
Dscatter_nd.cu22 …void ScatterNdKernel(S *indices, T *update, T *output, const size_t block_size, const size_t input… in ScatterNdKernel()
23 … const size_t output_size, const size_t indices_dim_0, const size_t indices_dim_1, in ScatterNdKernel()
26 for (size_t read_index = blockIdx.x * blockDim.x + threadIdx.x; read_index < input_size; in ScatterNdKernel()
28 size_t write_index = 0; in ScatterNdKernel()
34 for (size_t k = 0; k < indices_dim_1; k++) { in ScatterNdKernel()
50 void ScatterNd(S *indices, T *update, T *output, const size_t &block_size, const size_t &input_size, in ScatterNd()
51 …const size_t &output_size, const size_t &indices_dim_0, const size_t &indices_dim_1, S *indices_st… in ScatterNd()
59 template void ScatterNd<double, int>(int *indices, double *update, double *output, const size_t &bl…
60 … const size_t &input_size, const size_t &output_size, const size_t &indices_dim_0,
61 … const size_t &indices_dim_1, int *indices_stride, int *work_shape,
[all …]
Dconvert_gradient_impl.cu20 __global__ void ConvertGradientKernel(const size_t size, const size_t height_h, const size_t height… in ConvertGradientKernel()
21 … const size_t batchwidth, const size_t width, T *input_addr, T *output_addr) { in ConvertGradientKernel()
22 …for (size_t pointIdx = blockIdx.x * blockDim.x + threadIdx.x; pointIdx < (size); pointIdx += block… in ConvertGradientKernel()
23 size_t dst_batchIdx = pointIdx / (height_h * height_w); in ConvertGradientKernel()
24 size_t dst_batchIdxX = dst_batchIdx / batchwidth; in ConvertGradientKernel()
25 size_t dst_batchIdxY = dst_batchIdx % batchwidth; in ConvertGradientKernel()
26 size_t dst_x = (pointIdx - dst_batchIdx * height_h * height_w) / height_w; in ConvertGradientKernel()
27 size_t dst_y = (pointIdx - dst_batchIdx * height_h * height_w) % height_w; in ConvertGradientKernel()
28size_t src_coordinate = dst_batchIdxX * height_h * width + dst_x * width + dst_batchIdxY * height_… in ConvertGradientKernel()
34 __global__ void ConvertGradientBackKernel(const size_t size, const size_t height_h, const size_t he… in ConvertGradientBackKernel()
[all …]
/third_party/mindspore/mindspore/ccsrc/backend/kernel_compiler/cpu/nnacl/fp32/
Dconv_common_fp32.h31 … int depth, int row, int col, size_t stride, size_t write_mode);
43 …nConv6x16Kernel(float *dst, const float *src, const float *weight, const float *bias, size_t depth,
44 size_t out_step, size_t act_flag, size_t real_cal_row);
46 …WConvKernel)(float *dst, const float *src, const float *weight, const float *bias, size_t kernel_h,
47size_t kernel_w, size_t act_flag, size_t ow_block, size_t oc_block, size_t oc_algin,
48size_t ic_algin, size_t in_kw_step, size_t in_kh_step, size_t in_sw_step,
49 size_t kw_remainder, size_t write_mode);
53 int act_type, int ow_bock, int oc_block, size_t write_mode);
61 void SWConvWxKKernel(float *dst, const float *src, const float *weight, const float *bias, size_t k…
62size_t kernel_w, size_t act_flag, size_t ow_block, size_t oc_block, size_t oc_algin,
[all …]
Dcommon_func_fp32.h29 size_t height;
30 size_t width;
31 size_t in_kh_step;
32 size_t in_kw_step;
33 size_t kernel_w;
34 size_t relu;
35 size_t relu6;
42 void PostConvFuncFp32C8(const float *c8_out_ptr, float *out_ptr, const float *bias_ptr, size_t outp…
43 size_t plane_size, size_t stride, size_t relu_type);
44 void PostConvFuncFp32C4(const float *c4_out_ptr, float *out_ptr, const float *bias_ptr, size_t outp…
[all …]
Dconv_1x1_x86_fp32.h26 …1x1SWKernel)(float *dst, const float *src, const float *weight, const float *bias, size_t act_flag,
27size_t ow_block, size_t oc_block, size_t oc_align, size_t ic_align, size_t in_sw_step,
28 size_t dst_flag);
38 …WOWxOCKernel(float *dst, const float *src, const float *weight, const float *bias, size_t act_flag,
39size_t ow_block, size_t oc_block, size_t oc_align, size_t ic_align, size_t in_sw_step,
40 size_t dst_flag);
43 …SW3x32Kernel(float *dst, const float *src, const float *weight, const float *bias, size_t act_flag,
44size_t ow_block, size_t oc_block, size_t oc_align, size_t ic_align, size_t in_sw_step,
45 size_t dst_flag);
47 …SW1x32Kernel(float *dst, const float *src, const float *weight, const float *bias, size_t act_flag,
[all …]
Dconv_depthwise_fp32.h60 int output_width, size_t input_stride, size_t relu, size_t relu6);
63 int output_width, size_t input_stride, size_t relu, size_t relu6);
67 …iseSWKernel)(float *dst, const float *src, const float *weight, const float *bias, size_t kernel_h,
68size_t kernel_w, size_t act_flag, size_t ow_block, size_t oc_block, size_t oc_algin,
69size_t in_kw_step, size_t in_kh_step, size_t in_sw_step, size_t kw_remainder);
71 …SW3x32Kernel(float *dst, const float *src, const float *weight, const float *bias, size_t kernel_h,
72size_t kernel_w, size_t act_flag, size_t ow_block, size_t oc_block, size_t oc_algin,
73size_t in_kw_step, size_t in_kh_step, size_t in_sw_step, size_t kw_remainder);
75 …SW1x32Kernel(float *dst, const float *src, const float *weight, const float *bias, size_t kernel_h,
76size_t kernel_w, size_t act_flag, size_t ow_block, size_t oc_block, size_t oc_algin,
[all …]
/third_party/mbedtls/tests/include/test/
Dcerts.h37 extern const size_t mbedtls_test_cas_len[];
41 extern const size_t mbedtls_test_cas_der_len[];
46 extern const size_t mbedtls_test_cas_pem_len;
67 extern const size_t mbedtls_test_ca_crt_ec_pem_len;
68 extern const size_t mbedtls_test_ca_key_ec_pem_len;
69 extern const size_t mbedtls_test_ca_pwd_ec_pem_len;
70 extern const size_t mbedtls_test_ca_key_rsa_pem_len;
71 extern const size_t mbedtls_test_ca_pwd_rsa_pem_len;
72 extern const size_t mbedtls_test_ca_crt_rsa_sha1_pem_len;
73 extern const size_t mbedtls_test_ca_crt_rsa_sha256_pem_len;
[all …]
/third_party/json/test/thirdparty/Fuzzer/
DFuzzerMutate.h32 size_t Mutate_Custom(uint8_t *Data, size_t Size, size_t MaxSize);
34 size_t Mutate_CustomCrossOver(uint8_t *Data, size_t Size, size_t MaxSize);
36 size_t Mutate_ShuffleBytes(uint8_t *Data, size_t Size, size_t MaxSize);
38 size_t Mutate_EraseBytes(uint8_t *Data, size_t Size, size_t MaxSize);
40 size_t Mutate_InsertByte(uint8_t *Data, size_t Size, size_t MaxSize);
42 size_t Mutate_InsertRepeatedBytes(uint8_t *Data, size_t Size, size_t MaxSize);
44 size_t Mutate_ChangeByte(uint8_t *Data, size_t Size, size_t MaxSize);
46 size_t Mutate_ChangeBit(uint8_t *Data, size_t Size, size_t MaxSize);
48 size_t Mutate_CopyPart(uint8_t *Data, size_t Size, size_t MaxSize);
51 size_t Mutate_AddWordFromManualDictionary(uint8_t *Data, size_t Size,
[all …]
/third_party/boost/boost/thread/detail/
Dmake_tuple_indices.hpp35 template <std::size_t...> struct tuple_indices
38 template <std::size_t Sp, class IntTuple, std::size_t Ep>
41 template <std::size_t Sp, std::size_t ...Indices, std::size_t Ep>
47 template <std::size_t Ep, std::size_t ...Indices>
53 template <std::size_t Ep, std::size_t Sp = 0>
63 std::size_t T0 = 0, std::size_t T1 = 0, std::size_t T2 = 0,
64 std::size_t T3 = 0, std::size_t T4 = 0, std::size_t T5 = 0,
65 std::size_t T6 = 0, std::size_t T7 = 0, std::size_t T8 = 0,
66 std::size_t T9 = 0>
69 template <std::size_t Sp, class IntTuple, std::size_t Ep>
[all …]
/third_party/boost/boost/test/data/
Dsize.hpp34 class size_t { class
39 size_t( std::size_t s = 0 ) : m_value( s ), m_infinity( false ) {} in size_t() function in boost::unit_test::data::size_t
40 explicit size_t( bool ) : m_value( 0 ), m_infinity( true ) {} in size_t() function in boost::unit_test::data::size_t
42size_t( T v ) : m_value( static_cast<std::size_t>(v) ), m_infinity( false ) … in size_t() function in boost::unit_test::data::size_t
45 std::size_t value() const { return m_value; } in value()
50 data::size_t operator--() { if( !is_inf() ) m_value--; return *this; } in operator --()
51 …data::size_t operator--(int) { data::size_t res(*this); if( !is_inf() ) m_value--; return r… in operator --()
52 data::size_t operator++() { if( !is_inf() ) m_value++; return *this; } in operator ++()
53 …data::size_t operator++(int) { data::size_t res(*this); if( !is_inf() ) m_value++; return r… in operator ++()
56 data::size_t& operator+=( std::size_t rhs ) { if( !is_inf() ) m_value += rhs; return *this; } in operator +=()
[all …]
/third_party/mbedtls/library/
Dpsa_crypto_driver_wrappers.h40 size_t key_buffer_size,
43 size_t input_length,
45 size_t signature_size,
46 size_t *signature_length );
51 size_t key_buffer_size,
54 size_t input_length,
56 size_t signature_length );
60 const uint8_t *key_buffer, size_t key_buffer_size,
61 psa_algorithm_t alg, const uint8_t *hash, size_t hash_length,
62 uint8_t *signature, size_t signature_size, size_t *signature_length );
[all …]

12345678910>>...482