/third_party/mindspore/mindspore/numpy/ |
D | logic_ops.py | 29 def not_equal(x1, x2, dtype=None): argument 66 def less_equal(x1, x2, dtype=None): argument 99 def less(x1, x2, dtype=None): argument 131 def greater_equal(x1, x2, dtype=None): argument 163 def greater(x1, x2, dtype=None): argument 195 def equal(x1, x2, dtype=None): argument 227 def isfinite(x, dtype=None): argument 259 def isnan(x, dtype=None): argument 304 def isinf(x, dtype=None): argument 605 def logical_not(a, dtype=None): argument [all …]
|
D | math_ops.py | 69 def absolute(x, dtype=None): argument 145 def clip(x, xmin, xmax, dtype=None): argument 191 def deg2rad(x, dtype=None): argument 224 def rad2deg(x, dtype=None): argument 254 def add(x1, x2, dtype=None): argument 292 def subtract(x1, x2, dtype=None): argument 326 def multiply(x1, x2, dtype=None): argument 367 def divide(x1, x2, dtype=None): argument 407 def true_divide(x1, x2, dtype=None): argument 443 def power(x1, x2, dtype=None): argument [all …]
|
D | array_creations.py | 53 def array(obj, dtype=None, copy=True, ndmin=0): argument 104 def asarray_const(a, dtype=None): argument 140 def asarray(a, dtype=None): argument 178 def asfarray_const(a, dtype=mstype.float32): argument 194 def asfarray(a, dtype=mstype.float32): argument 265 def ones(shape, dtype=mstype.float32): argument 298 def zeros(shape, dtype=mstype.float32): argument 331 def full(shape, fill_value, dtype=None): argument 381 def arange(start, stop=None, step=None, dtype=None): argument 444 def _type_checking_for_xspace(start, stop, num, endpoint, dtype): argument [all …]
|
D | utils_const.py | 54 def _check_dtype(dtype): argument 257 def _empty(dtype, shape): argument 272 def _promote_for_trigonometric(dtype): argument 300 def _check_is_float(dtype): argument 306 def _check_is_int(dtype): argument 442 def _iota(dtype, num, increasing=True): argument 465 def _make_tensor(val, dtype): argument
|
/third_party/mindspore/mindspore/ops/_op_impl/_custom_op/ |
D | transpose02314_impl.py | 104 def shape0(tik_instance, input_x, res, dtype): argument 124 def shape1(tik_instance, input_x, res, dtype): argument 153 def shape2(tik_instance, input_x, res, dtype): argument 173 def shape3(tik_instance, input_x, res, dtype): argument 193 def shape4(tik_instance, input_x, res, dtype): argument 213 def shape5(tik_instance, input_x, res, dtype): argument 232 def shape6(tik_instance, input_x, res, dtype): argument 261 def shape7(tik_instance, input_x, res, dtype): argument 277 def shape8(tik_instance, input_x, res, dtype): argument 293 def shape9(tik_instance, input_x, res, dtype): argument [all …]
|
D | batch_matmul_impl.py | 65 def _inner_matmul_new(tik_instance, dtype, input_info, res, res_index): argument 98 def _inner_matmul_new_1_64_32_64(tik_instance, dtype, input_info, res, res_index): argument 118 def process_input_shape_640(input_shape, tik_instance, dtype, total_input, res): argument 169 def process_input_shape_1152(input_shape, tik_instance, dtype, total_input, res): argument
|
/third_party/boost/libs/python/doc/numpy/reference/ |
D | dtype.rst | 1 dtype title 8 .. _dtype: http://docs.scipy.org/doc/numpy/reference/arrays.dtypes.html#data-type-objects-dtype target
|
/third_party/mindspore/tests/st/ops/graph_kernel/ |
D | test_oneslike.py | 29 def construct(self, shape, dtype, x): argument 32 def get_output(shape, dtype, nptype, enable_graph_kernel=False): argument 39 def test_basic(shape, dtype, nptype): argument
|
D | test_softmax_stitch.py | 52 def get_rtol_atol(dtype): argument 58 def compare_result(expect, output, dtype): argument 79 def test_softmax(shape, dtype): argument
|
D | test_dropoutgrad_reducesum_stitch.py | 48 def get_rtol_atol(dtype): argument 54 def compare_result(expect, output, dtype): argument 75 def test_dropoutgrad_reducesum(shape, dtype): argument
|
D | test_layernorm_stitch.py | 45 def get_rtol_atol(dtype): argument 51 def compare_result(expect, output, dtype): argument 72 def test_layernorm(shape1, shape2, dtype): argument
|
D | test_layernorm.py | 61 def get_rtol_atol(dtype): argument 67 def compare_result(expect, output, dtype): argument 79 def test_layernorm(shape, dtype, begin_norm_axis=-1, begin_params_axis=-1): argument 98 def test_layernorm_grad(shape, dtype, begin_norm_axis=-1, begin_params_axis=-1): argument
|
/third_party/mindspore/mindspore/lite/src/runtime/kernel/arm/fp16/ |
D | transpose_fp16.cc | 32 void TransposeFp16CPUKernel::GetNchwToNhwcFunc(TypeId dtype) { NHNCTransposeFunc_ = PackNCHWToNHWCF… in GetNchwToNhwcFunc() 34 void TransposeFp16CPUKernel::GetNhwcToNchwFunc(TypeId dtype) { NHNCTransposeFunc_ = PackNHWCToNCHWF… in GetNhwcToNchwFunc()
|
/third_party/mindspore/tests/st/ops/cpu/ |
D | test_shift_op.py | 115 def test_no_shift(fill_value, dtype, axis): argument 130 def test_fancy_1d(fill_value, dtype, periods): argument 152 def test_2d(fill_value, dtype, axis, periods): argument 168 def test_4d(fill_value, dtype, axis, periods): argument
|
/third_party/mindspore/mindspore/explainer/ |
D | _operators.py | 68 dtype: mindspore.dtype = None) -> Tensor: argument 211 def zeros(shape: _Shape, dtype: mindspore.dtype = None) -> Tensor: argument 217 def zeros_like(inputs: Tensor, dtype: mindspore.dtype = None) -> Tensor: argument 225 def random(shape: _Shape, dtype: mindspore.dtype = None) -> Tensor: argument 232 def randint(low: int, high: int, shape: _Shape, dtype: mindspore.dtype = mindspore.int8) -> Tensor: argument
|
/third_party/mindspore/tests/st/ops/ascend/test_tbe_ops/ |
D | test_minimum.py | 28 def __init__(self, dtype): argument 36 def me_min(inputa, inputb, dtype=ms.float32): argument
|
D | test_maximum.py | 28 def __init__(self, dtype): argument 36 def me_max(inputa, inputb, dtype=ms.float32): argument
|
D | test_select.py | 28 def __init__(self, dtype): argument 36 def me_select(cond, inputa, inputb, dtype=ms.float32): argument
|
/third_party/boost/boost/python/numpy/ |
D | dtype.hpp | 28 class BOOST_NUMPY_DECL dtype : public object { class 34 explicit dtype(T arg, bool align=false) : object(convert(arg, align)) {} in dtype() function in boost::python::numpy::dtype
|
/third_party/mindspore/mindspore/ccsrc/minddata/dataset/kernels/ir/vision/ |
D | normalize_pad_ir.cc | 32 const std::string &dtype) in NormalizePadOperation() 72 std::string dtype = op_params["dtype"]; in from_json() local
|
/third_party/mindspore/mindspore/compression/common/ |
D | constant.py | 49 def is_signed(dtype): argument 67 def switch_signed(dtype): argument
|
/third_party/mindspore/tests/st/ops/gpu/ |
D | test_randperm.py | 25 def __init__(self, max_length, pad, dtype): argument 33 def randperm(max_length, pad, dtype, n): argument
|
/third_party/mindspore/tests/st/probability/distribution/ |
D | test_cauchy_pynative.py | 29 def __init__(self, loc, scale, seed=10, dtype=ms.float32, name='Cauchy'): argument 50 def __init__(self, loc, scale, seed=10, dtype=ms.float32, name='Cauchy'): argument
|
/third_party/mindspore/mindspore/nn/probability/zhusuan/framework/ |
D | bn.py | 43 dtype=mstype.float32, argument 70 dtype=mstype.float32, argument
|
/third_party/mindspore/tests/st/pynative/ |
D | test_pynative_embeddinglookup.py | 33 def __init__(self, dtype=np.float16): argument 56 …def __init__(self, params_shape, indices_shape, offset=0, low=0, high=2, dtype=np.float32, ids_typ… argument
|