| /third_party/mindspore/mindspore-src/source/mindspore/core/ir/ |
| D | base_tensor.cc | 44 static TypeId TypeIdOf(const TypePtr &data_type, TypeId defaultTypeId) { in TypeIdOf() 94 BaseTensor::BaseTensor(const BaseTensor &tensor, TypeId data_type) in BaseTensor() 126 BaseTensor::BaseTensor(TypeId data_type, const ShapeVector &shape, TensorDataPtr data) in BaseTensor() 129 BaseTensor::BaseTensor(TypeId data_type, const ShapeVector &shape) in BaseTensor() 132 BaseTensor::BaseTensor(TypeId data_type, const ShapeVector &shape, void *data, size_t data_len) in BaseTensor() 135 BaseTensor::BaseTensor(TypeId data_type, const ShapeVector &shape, void *data, TypeId src_data_type) in BaseTensor() 138 BaseTensor::BaseTensor(const std::vector<int64_t> &input, const TypePtr &data_type) in BaseTensor() 143 BaseTensor::BaseTensor(const std::vector<int32_t> &input, const TypePtr &data_type) in BaseTensor() 148 BaseTensor::BaseTensor(const std::vector<double> &input, const TypePtr &data_type) in BaseTensor() 153 BaseTensor::BaseTensor(const std::vector<float> &input, const TypePtr &data_type) in BaseTensor() [all …]
|
| D | tensor.cc | 150 Tensor::Tensor(const Tensor &tensor, TypeId data_type) in Tensor() 162 Tensor::Tensor(const BaseTensor &tensor, TypeId data_type) : BaseTensor(tensor, data_type) {} in Tensor() 188 Tensor::Tensor(TypeId data_type, const ShapeVector &shape, TensorDataPtr data) : BaseTensor(data_ty… in Tensor() 190 Tensor::Tensor(TypeId data_type, const ShapeVector &shape) : BaseTensor(data_type, shape) {} in Tensor() 192 Tensor::Tensor(TypeId data_type, const ShapeVector &shape, void *data, size_t data_len) in Tensor() 195 Tensor::Tensor(TypeId data_type, const ShapeVector &shape, void *data, TypeId src_data_type) in Tensor() 198 Tensor::Tensor(const std::vector<int64_t> &input, const TypePtr &data_type) : BaseTensor(input, dat… in Tensor() 200 Tensor::Tensor(const std::vector<int32_t> &input, const TypePtr &data_type) : BaseTensor(input, dat… in Tensor() 202 Tensor::Tensor(const std::vector<double> &input, const TypePtr &data_type) : BaseTensor(input, data… in Tensor() 204 Tensor::Tensor(const std::vector<float> &input, const TypePtr &data_type) : BaseTensor(input, data_… in Tensor() [all …]
|
| D | meta_tensor.h | 95 TypeId data_type() const { return data_type_; } in data_type() function 102 virtual TypeId set_data_type(TypeId data_type) { in set_data_type() 254 TypeId data_type() const { return data_type_; } in data_type() function 259 void set_data_type(TypeId data_type) { data_type_ = data_type; } in set_data_type()
|
| /third_party/mindspore/mindspore-src/source/tests/st/dyn_shape_dev/ |
| D | test_fast_gelu.py | 45 def test_fastgelu_op_forward(context_mode, data_type): argument 63 def test_fastgelu_op_forward_ascend(context_mode, data_type): argument 82 def test_fastgelu_op_backward(context_mode, data_type): argument 100 def test_fastgelu_op_backward_ascend(context_mode, data_type): argument 119 def test_fastgelu_op_vmap(context_mode, data_type): argument 137 def test_fastgelu_op_vmap_ascend(context_mode, data_type): argument
|
| D | test_fast_gelu_grad.py | 40 def test_fastgelugrad_op_forward(context_mode, data_type): argument 59 def test_fastgelugrad_op_forward_ascend(context_mode, data_type): argument 79 def test_fastgelugrad_op_vmap(context_mode, data_type): argument 98 def test_fastgelugrad_op_vmap_ascend(context_mode, data_type): argument
|
| D | test_oneslike.py | 47 def test_oneslike_op_forward(context_mode, data_type): argument 68 def test_oneslike_op_backward(context_mode, data_type): argument 89 def test_oneslike_op_vmap(context_mode, data_type): argument
|
| /third_party/mindspore/mindspore-src/source/mindspore/ccsrc/plugin/device/gpu/hal/hardware/ |
| D | nvidia_collective_comm_lib.cc | 49 …tiveCommLib::AllGather(const void *send_buff, void *recv_buff, size_t send_count, TypeId data_type, in AllGather() 66 … ncclDataType_t data_type, const std::string &group_name, in AllGather() 74 …tiveCommLib::AllReduce(const void *send_buff, void *recv_buff, size_t send_count, TypeId data_type, in AllReduce() 95 ncclDataType_t data_type, ncclRedOp_t reduce_op, in AllReduce() 103 …tiveCommLib::Broadcast(const void *send_buff, void *recv_buff, size_t send_count, TypeId data_type, in Broadcast() 120 ncclDataType_t data_type, uint32_t root_rank, in Broadcast() 129 …CommLib::ReduceScatter(const void *send_buff, void *recv_buff, size_t recv_count, TypeId data_type, in ReduceScatter() 151 ncclDataType_t data_type, ncclRedOp_t reduce_op, in ReduceScatter() 159 bool NvidiaCollectiveCommLib::Send(const void *send_buff, size_t count, TypeId data_type, uint32_t … in Send() 175 …diaCollectiveCommLib::Send(const void *send_buff, size_t count, ncclDataType_t data_type, uint32_t… in Send() [all …]
|
| /third_party/mindspore/mindspore-src/source/tests/st/ops/ |
| D | test_scatter_nd.py | 47 def test_scatter_nd_op_forward_1(context_mode, data_type, indices_type): argument 71 def test_scatter_nd_op_forward_2(context_mode, data_type, indices_type): argument 95 def test_scatter_nd_op_backward_1(context_mode, data_type, indices_type): argument 121 def test_scatter_nd_op_backward_2(context_mode, data_type, indices_type): argument 147 def test_scatter_nd_op_vmap(context_mode, data_type, indices_type): argument 174 def test_scatter_nd_op_dynamic_shape(context_mode, data_type, indices_type): argument 210 def test_scatter_nd_op_dynamic_rank(context_mode, data_type, indices_type): argument
|
| /third_party/mindspore/mindspore-src/source/mindspore/lite/include/registry/ |
| D | register_kernel.h | 35 DataType data_type; /**< kernel data type argument */ member 43 DataType data_type; /**< kernel data type argument */ member 117 KernelReg(const std::string &arch, const std::string &provider, DataType data_type, int op_type, in KernelReg() 129 …KernelReg(const std::string &arch, const std::string &provider, DataType data_type, const std::str… in KernelReg() 135 …rnel::RegKernel(const std::string &arch, const std::string &provider, DataType data_type, int type, in RegKernel() 140 …erKernel::RegCustomKernel(const std::string &arch, const std::string &provider, DataType data_type, in RegCustomKernel() 162 #define REGISTER_KERNEL(arch, provider, data_type, op_type, creator) … argument 175 #define REGISTER_CUSTOM_KERNEL(arch, provider, data_type, op_type, creator) … argument
|
| /third_party/mindspore/mindspore-src/source/tests/st/scipy_st/ |
| D | test_ops_wrapper.py | 55 def square_matrix(alignment=None, data_type=None): argument 133 def tall_matrix(alignment=None, data_type=None): argument 220 def fat_matrix(alignment=None, data_type=None): argument 283 def test_matrix_set_diag(data_type): argument
|
| D | test_linalg.py | 59 def test_inv(data_type, shape): argument 139 def test_cholesky_solve(n: int, lower: bool, data_type): argument 170 def test_eigh(n: int, lower, data_type, rtol, atol): argument 196 def test_eigh_complex(n: int, data_type): argument 317 def test_lu(shape: (int, int), data_type): argument 340 def test_lu_factor(n: int, data_type): argument 362 def test_lu_solve(n: int, data_type): argument
|
| /third_party/mindspore/mindspore-src/source/mindspore/core/mindapi/src/ |
| D | tensor.cc | 27 Tensor::Tensor(TypeId data_type, const ShapeVector &shape) : Value(std::make_shared<TensorImpl>(dat… in Tensor() 29 Tensor::Tensor(TypeId data_type, const ShapeVector &shape, void *data, size_t data_len) in Tensor() 36 TypeId Tensor::data_type() const { return ToRef<TensorImpl>(impl_).data_type(); } in data_type() function in mindspore::api::Tensor 38 void Tensor::set_data_type(const TypeId data_type) { (void)ToRef<TensorImpl>(impl_).set_data_type(d… in set_data_type()
|
| /third_party/mindspore/mindspore-src/source/tests/st/ops/cpu/ |
| D | test_lp_norm_op.py | 46 def lp_norm_np_bencmark(data_type): argument 56 def lp_norm_vmap_case(data_type): argument 84 def test_lp_norm_op(data_type): argument 130 def test_lp_norm_vmap_cpu(data_type): argument 144 def test_lp_norm_dy_shape(data_type): argument
|
| D | test_cum_minmax_op.py | 39 def cum_minmax_compare(op, x, expected, axis, data_type): argument 61 def test_cummin_multi_dims(data_type): argument 86 def test_cummax_multi_dims(data_type): argument 111 def test_cum_minmax_nan(data_type): argument
|
| D | test_tanh_op.py | 47 def get_standard_loss(data_type): argument 63 def test_net(data_type): argument 91 def test_func(data_type): argument 120 def test_tensor(data_type): argument
|
| D | test_tensor_scatter_arithmetic.py | 131 def test_tensor_scatter_arithmetic_small_float(func, data_type, index_type): argument 150 def test_tensor_scatter_arithmetic_small_int(func, data_type, index_type): argument 175 def test_tensor_scatter_arithmetic_multi_dims(func, data_type, index_type): argument 208 def test_tensor_scatter_arithmetic_one_value(func, data_type, index_type): argument 233 def test_tensor_scatter_arithmetic_dim_check(func, data_type, index_type): argument 259 def test_tensor_scatter_arithmetic_type_check(func, data_type, index_type): argument 285 def test_tensor_scatter_arithmetic_indices_check(func, data_type, index_type): argument 305 def test_tensor_scatter_arithmetic_tensor_func_check(func, data_type, index_type): argument 330 def test_tensor_scatter_arithmetic_functional_func_check(func, data_type, index_type): argument
|
| D | test_renorm_op.py | 39 def test_renorm_op_float32(data_type=np.float32): argument 65 def test_renorm_op_float16(data_type=np.float16): argument 91 def test_renorm_op1_float32(data_type=np.float32): argument 117 def test_renorm_op2_float16(data_type=np.float16): argument 143 def test_renorm_op2_float64(data_type=np.float64): argument 166 def test_renorm_op2_complex64(data_type=np.complex64): argument 186 def test_renorm_op2_complex128(data_type=np.complex128): argument
|
| /third_party/mindspore/mindspore-src/source/tests/st/ops/gpu/ |
| D | test_lp_norm_op.py | 46 def lp_norm_np_bencmark(data_type): argument 56 def lp_norm_vmap_case(data_type): argument 84 def test_lp_norm_op(data_type): argument 130 def test_lp_norm_vmap_gpu(data_type): argument 144 def test_lp_norm_dy_shape(data_type): argument
|
| D | test_bias_add_grad.py | 40 def test_bias_add_grad2d(data_type): argument 57 def test_bias_add_grad4d(data_type): argument 74 def test_bias_add_grad5d(data_type): argument
|
| /third_party/mindspore/mindspore-src/source/tests/st/ops/dynamic_shape/ |
| D | test_dynamic_reduce_ops.py | 71 def dyn_case(axis, data_type): argument 97 def dyn_axis_case(data_type): argument 131 def test_dynamic_reduce(axis, data_type): argument 147 def test_dynamic_axis_reduce(data_type): argument 164 def test_dynamic_axis_reduce_ascend(data_type): argument
|
| /third_party/mindspore/mindspore-src/source/tests/st/ops/ascend/ |
| D | test_tensor_scatter_arithmetic.py | 94 def test_tensor_scatter_arithmetic_small_float(func, data_type, index_type): argument 112 def test_tensor_scatter_arithmetic_small_int(func, data_type, index_type): argument 132 def test_tensor_scatter_arithmetic_multi_dims(func, data_type, index_type): argument 160 def test_tensor_scatter_arithmetic_function_op(func, data_type, index_type): argument 184 def test_tensor_scatter_arithmetic_tensor_op(func, data_type, index_type): argument 212 def test_tensor_scatter_arithmetic_vmap(func, data_type, index_type): argument
|
| /third_party/mindspore/mindspore-src/source/mindspore/ccsrc/minddata/dataset/text/ir/ |
| D | validators.cc | 45 bool IsTypeNumeric(const std::string &data_type) { in IsTypeNumeric() 54 bool IsTypeBoolean(const std::string &data_type) { return data_type == "bool"; } in IsTypeBoolean() 56 bool IsTypeString(const std::string &data_type) { return data_type == "string"; } in IsTypeString()
|
| /third_party/mindspore/mindspore-src/source/tests/st/dynamic_shape/ |
| D | test_dyn_squeeze_op.py | 41 def test_sqeeze_net_ascend(data_type): argument 70 def test_sqeeze_net_cpu(data_type): argument 99 def test_sqeeze_net_gpu(data_type): argument
|
| D | test_dyn_expand_dims.py | 40 def test_sqeeze_net_ascend(data_type): argument 70 def test_sqeeze_net_cpu(data_type): argument 100 def test_sqeeze_net_gpu(data_type): argument
|
| /third_party/mindspore/mindspore-src/source/mindspore/ccsrc/plugin/device/gpu/kernel/nccl/ |
| D | nccl_gpu_kernel.cc | 41 …elMod::AllReduce(const void *input_addr, void *output_addr, size_t count, ncclDataType_t data_type, in AllReduce() 49 …elMod::AllGather(const void *input_addr, void *output_addr, size_t count, ncclDataType_t data_type, in AllGather() 57 …d::ReduceScatter(const void *input_addr, void *output_addr, size_t count, ncclDataType_t data_type, in ReduceScatter() 66 …elMod::Broadcast(const void *input_addr, void *output_addr, size_t count, ncclDataType_t data_type, in Broadcast() 74 bool NcclGpuKernelMod::Send(const void *send_addr, size_t count, ncclDataType_t data_type, int peer… in Send() 82 bool NcclGpuKernelMod::Recv(void *recv_addr, size_t count, ncclDataType_t data_type, int peer_rank,… in Recv()
|