Home
last modified time | relevance | path

Searched defs:input_dtype (Results 1 – 25 of 33) sorted by relevance

12

/aosp_15_r20/external/pytorch/torch/_inductor/codegen/
H A Dcpp_micro_gemm.py70 input_dtype, argument
206 input_dtype=torch.float, argument
253 self, name, input_dtype, input2_dtype, output_dtype, compute_dtype, alpha argument
749 input_dtype, argument
H A Dcpp_utils.py713 def get_gemm_template_output_and_compute_dtype(input_dtype): argument
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/image/
H A Dnon_max_suppression_op_gpu_test.cc45 void MakeOp(DataType input_dtype = DT_FLOAT, in MakeOp()
236 void MakeOp(DataType input_dtype = DT_FLOAT, in MakeOp()
470 void MakeOp(DataType input_dtype = DT_FLOAT, in MakeOp()
/aosp_15_r20/external/pytorch/aten/src/ATen/functorch/
H A DBatchRulesReduceOps.cpp263 ScalarType input_dtype) { in _softmax_backward_batch_rule()
293 c10::ScalarType input_dtype) { in _log_softmax_backward_batch_rule()
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/
H A Dguarantee_const_op.cc28 const DataType input_dtype = ctx->input_dtype(0); in Compute() local
/aosp_15_r20/external/pytorch/torch/csrc/distributed/c10d/
H A DNCCLUtils.cpp601 for (const auto& input_dtype : e.input_dtypes_) { in getCollectiveTrace() local
739 for (const auto& input_dtype : e.input_dtypes_) { in dump_json() local
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/
H A Dtesting_utils.py90 input_dtype=None, argument
572 input_dtype=None, argument
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cuda/
H A DReduceMomentKernel.cu24 const auto input_dtype = iter.input_dtype(); in std_var_kernel_cuda() local
/aosp_15_r20/external/pytorch/torch/csrc/jit/passes/
H A Dpeephole_alias_sensitive.cpp35 auto input_dtype = t.scalarType(); in isFloatingPoint() local
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tf2xla/kernels/
H A Dbatchtospace_op.cc25 DataType input_dtype, const TensorShape& input_tensor_shape, in BatchToSpace()
H A Dspacetobatch_op.cc26 DataType input_dtype, const TensorShape& input_tensor_shape, in SpaceToBatch()
H A Dbatch_norm_op.cc257 DataType input_dtype = ctx->input_type(0); in Compile() local
H A Dsharding_util_ops.cc140 const DataType input_dtype) { in CompileInternal()
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tf2tensorrt/convert/
H A Dalgorithm_selector.cc118 TacticID tactic, nvinfer1::DataType input_dtype, in AllowShuffleAlgorithm()
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/data/experimental/
H A Dunique_dataset_op.cc219 DataType input_dtype = input->output_dtypes()[0]; in MakeDataset() local
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/engine/
H A Dsequential.py270 input_dtype=None): argument
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/tensorflow/utils/
H A Dconvert_tensor.cc118 const auto& input_dtype = input_tensor.dtype(); in ConvertTensor() local
/aosp_15_r20/external/pytorch/aten/src/ATen/native/nested/
H A DNestedTensorBackward.cpp78 ScalarType input_dtype) { in nested_softmax_backward()
/aosp_15_r20/external/tensorflow/tensorflow/core/ir/importexport/
H A Dconvert_tensor.cc115 const auto& input_dtype = input_tensor.dtype(); in ConvertTensor() local
/aosp_15_r20/external/pytorch/torch/ao/quantization/backend_config/
H A Dbackend_config.py220 def input_dtype(self) -> Optional[torch.dtype]: member in DTypeConfig
/aosp_15_r20/external/tensorflow/tensorflow/core/tfrt/graph_executor/
H A Dgraph_executor.cc579 auto input_dtype = input_tensor_dtypes[i]; in GetOrCreateLoadedClientGraph() local
/aosp_15_r20/external/pytorch/aten/src/ATen/native/
H A DHistogram.cpp83 auto input_dtype = input.dtype(); in histogramdd_check_inputs() local
/aosp_15_r20/external/pytorch/aten/src/ATen/native/sparse/
H A DSoftMax.cpp392 … grad_input, const Tensor& grad, const Tensor& output, const int64_t dim, ScalarType input_dtype) { in cpu_sparse_coo_softmax_backward()
/aosp_15_r20/external/tensorflow/tensorflow/core/framework/
H A Dop_kernel.cc225 DataType input_dtype = ctx.input_dtype(i); in ShapeTraceString() local
417 Status OpKernelContext::input_dtype(StringPiece name, DataType* dtype) const { in input_dtype() function in tensorflow::OpKernelContext
/aosp_15_r20/external/pytorch/aten/src/ATen/native/sparse/cuda/
H A DSoftMax.cu459 ScalarType input_dtype) { in cuda_sparse_coo_softmax_backward()

12