/external/executorch/kernels/quantized/cpu/ |
D | op_dequantize.cpp | 36 exec_aten::optional<ScalarType>& out_dtype, in check_dequantize_per_tensor_args() 84 exec_aten::optional<ScalarType> out_dtype, in dequantize_per_tensor_out() 96 #define DEQUANTIZE_IMPL(IN_CTYPE, OUT_CTYPE, out_dtype) \ in dequantize_per_tensor_out() argument 144 exec_aten::optional<ScalarType> out_dtype, in dequantize_per_tensor_tensor_args_out() 196 exec_aten::optional<ScalarType> out_dtype, in dequantize_per_channel_out() 259 #define DEQUANTIZE_IMPL(CTYPE_IN, CTYPE_OUT, out_dtype) \ in dequantize_per_channel_out() argument 342 exec_aten::optional<ScalarType> out_dtype, in dequantize_per_channel_out() 370 exec_aten::optional<ScalarType> out_dtype, in dequantize_per_tensor_out() 387 exec_aten::optional<ScalarType> out_dtype, in dequantize_per_tensor_tensor_args_out() 403 ScalarType out_dtype, in dequantize_per_token_out() [all …]
|
D | op_embedding2b.cpp | 84 exec_aten::optional<ScalarType> out_dtype, in quantized_embedding_2bit_dtype_out() 106 exec_aten::optional<ScalarType> out_dtype, in quantized_embedding_2bit_dtype_out()
|
D | op_embedding4b.cpp | 86 exec_aten::optional<ScalarType> out_dtype, in quantized_embedding_4bit_dtype_out() 108 exec_aten::optional<ScalarType> out_dtype, in quantized_embedding_4bit_dtype_out()
|
D | op_embedding.cpp | 34 exec_aten::optional<ScalarType> out_dtype, in check_embedding_byte_args() 284 exec_aten::optional<ScalarType> out_dtype, in quantized_embedding_byte_dtype_out() 323 exec_aten::optional<ScalarType> out_dtype, in quantized_embedding_byte_dtype_out()
|
D | embeddingxb.cpp | 72 exec_aten::optional<ScalarType> out_dtype, in check_embedding_xbit_args() 332 exec_aten::optional<ScalarType> out_dtype, in quantized_embedding_xbit_dtype_out() 375 exec_aten::optional<ScalarType> out_dtype, in quantized_embedding_xbit_dtype_out()
|
D | op_quantize.cpp | 44 ScalarType out_dtype = out.scalar_type(); in check_quantize_per_tensor_args() local 124 #define QUANTIZE_IMPL(IN_CTYPE, OUT_CTYPE, out_dtype) \ in quantize_per_tensor_out() argument 307 #define QUANTIZE_IMPL(CTYPE_IN, CTYPE_OUT, out_dtype) \ in quantize_per_channel_out() argument
|
D | op_mixed_linear.cpp | 74 ScalarType out_dtype = dtype.has_value() ? dtype.value() : out.scalar_type(); in quantized_mixed_linear_out() local
|
/external/pytorch/aten/src/ATen/native/sparse/cuda/ |
D | cuSPARSELtOps.cpp | 180 ScalarType out_dtype = dense_B.scalar_type(); in _cslt_sparse_mm_impl() local 403 const std::optional<c10::ScalarType> out_dtype, in _cslt_sparse_mm() 415 const std::optional<c10::ScalarType> out_dtype, in _cslt_sparse_mm_search()
|
/external/executorch/kernels/quantized/test/ |
D | quantized_ops_aot_register.cpp | 79 ScalarType out_dtype, in dequantize_per_token_out_no_context() 103 c10::ScalarType out_dtype) { in dequantize_per_token_aten()
|
D | op_add_test.cpp | 194 optional<ScalarType> out_dtype = optional<ScalarType>(); in TEST() local
|
/external/executorch/backends/arm/ |
D | tosa_utils.py | 83 def promote_shape(tosa_fb, arg, promoted_shape, out_dtype): argument 95 def transpose_helper(tosa_fb, input, new_order, out_dtype): argument
|
/external/pytorch/aten/src/ATen/native/ |
D | ReduceOpsUtils.h | 188 bool keepdim, ScalarType in_dtype, ScalarType out_dtype) { in make_reduction() 212 at::OptionalIntArrayRef dim, bool keepdim, ScalarType out_dtype) { in make_reduction() 387 ScalarType out_dtype) { in resize_reduction_with_indices() 442 ScalarType out_dtype) { in make_reduction_from_out_ty()
|
D | ReduceOps.cpp | 189 auto out_dtype = get_result_or_bytebool_dtype(self, result); in allany_meta() local 253 ScalarType out_dtype{}; in meta_func_cum_ops() local 278 auto out_dtype = infer_dtype_from_optional(self, opt_dtype, maybe_get_output()); in TORCH_META_FUNC2() local 287 auto out_dtype = infer_dtype_from_optional(self, dtype, maybe_get_output()); in TORCH_META_FUNC2() local 311 auto out_dtype = infer_dtype_from_optional(self, opt_dtype, maybe_get_output()); in TORCH_META_FUNC2() local 333 auto out_dtype = get_result_or_self_value_dtype(self, maybe_get_output(), std::nullopt); in TORCH_META_FUNC2() local 348 auto out_dtype = get_result_or_self_value_dtype(self, maybe_get_output(), dtype); in TORCH_META_FUNC2() local 383 …const ScalarType& out_dtype = maybe_result.defined() ? maybe_result.scalar_type() : self.scalar_ty… in TORCH_META_FUNC() local 397 …const ScalarType& out_dtype = maybe_result.defined() ? maybe_result.scalar_type() : self.scalar_ty… in TORCH_META_FUNC() local
|
/external/pytorch/test/torch_np/ |
D | test_ufuncs_basic.py | 73 def test_x_and_out_casting(self, ufunc, casting, out_dtype): argument 182 def test_xy_and_out_casting(self, ufunc, casting, out_dtype): argument
|
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/ |
D | lower_upper_bound_ops.cc | 33 void BuildLowerUpperBoundOp(XlaOpKernelContext* ctx, DataType out_dtype, in BuildLowerUpperBoundOp()
|
/external/pytorch/torch/_inductor/kernel/ |
D | mm.py | 471 mat1, mat1_meta, mat2, *, out_dtype=None, layout=None argument 757 def tuned_fused_int_mm_mul(mat1, mat2, mat3, out_dtype, *, layout=None): argument
|
D | mm_common.py | 421 out_dtype=None, argument
|
/external/pytorch/torch/_higher_order_ops/ |
D | out_dtype.py | 77 out_dtype = OutDtypeOperator() variable
|
/external/pytorch/test/torch_np/numpy_tests/core/ |
D | test_shape_base.py | 446 def test_out_and_dtype(self, axis, out_dtype, casting): argument 557 def test_stack_out_and_dtype(self, axis, out_dtype, casting): argument
|
/external/pytorch/aten/src/ATen/native/mkldnn/ |
D | BinaryOps.cpp | 61 auto out_dtype = promoteTypes( in emptyBinaryOp() local
|
/external/pytorch/torch/csrc/jit/tensorexpr/operators/ |
D | quantization.cpp | 111 Dtype out_dtype, in quant() 125 Dtype out_dtype, in dequant() 193 Dtype out_dtype = outputType ? Dtype(*outputType) : QA.dtype(); in computeQuantizedAdd() local
|
/external/pytorch/test/ |
D | test_sparse_semi_structured.py | 1042 def test_cslt_sparse_mm_mixed_dtype(self, dense_input_shape, out_dtype, device): argument 1070 def test_cslt_sparse_mm_alpha_mixed_dtype(self, out_dtype, device): argument
|
D | test_matmul_cuda.py | 263 def mm_float8_emulated(x, x_scale, y, y_scale, out_dtype) -> torch.Tensor: argument
|
/external/pytorch/aten/src/ATen/native/cuda/ |
D | Blas.cpp | 992 std::optional<c10::ScalarType> out_dtype, in _scaled_mm_out_cuda() 1195 std::optional<c10::ScalarType> out_dtype, in _scaled_mm_cuda()
|
/external/tensorflow/tensorflow/python/kernel_tests/random/ |
D | stateless_random_ops_test.py | 186 def wrap(op, lam, lam_dtype, out_dtype, shape, seed): argument
|