/aosp_15_r20/external/federated-compute/fcp/aggregation/core/ |
H A D | input_tensor_list_test.cc | 70 InputTensorList tensor_list = CreateInlined(); in TEST_F() local 75 InputTensorList tensor_list = CreateInlined(); in TEST_F() local 88 InputTensorList tensor_list(std::move(moved_tensor_list)); in TEST_F() local 103 InputTensorList tensor_list = CreateAllocated(); in TEST_F() local 127 InputTensorList tensor_list = CreateInlined(); in TEST_F() local 139 InputTensorList tensor_list = CreateInlined(); in TEST_F() local 159 InputTensorList tensor_list = CreateInlined(); in TEST_F() local 173 InputTensorList tensor_list = CreateInlined(); in TEST_F() local 180 InputTensorList tensor_list(3); in TEST_F() local 191 InputTensorList tensor_list(3); in TEST_F() local [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/training/ |
H A D | input.py | 323 def slice_input_producer(tensor_list, num_epochs=None, shuffle=True, seed=None, argument 461 def _as_original_type(original_tensors, tensor_list): argument 473 def _store_sparse_tensors(tensor_list, enqueue_many, keep_input, argument 625 def _validate(tensor_list): argument 709 def _select_which_to_enqueue(tensor_list, keep_input): argument 735 def _enqueue(queue, tensor_list, threads, enqueue_many, keep_input): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/framework/ |
H A D | python_api_parameter_converter.cc | 266 PyObject* tensor_list = params[index]; in ConvertInputsWithTypeAttr() local 288 PyObject* tensor_list = params[index]; in ConvertInputsWithTypeAttr() local 362 PyObject* tensor_list = params[index]; in ConvertInputsWithTypeListAttr() local 373 PyObject* tensor_list = params[index]; in ConvertInputsWithTypeListAttr() local
|
H A D | sparse_tensor.py | 338 def _from_components(self, tensor_list): argument 372 def _from_compatible_tensor_list(self, tensor_list): argument
|
H A D | type_spec.py | 513 def __check_tensor_list(self, tensor_list): argument 861 def batchable_from_tensor_list(spec, tensor_list): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/data/util/ |
H A D | structure.py | 193 def _from_tensor_list_helper(decode_fn, element_spec, tensor_list): argument 228 def from_compatible_tensor_list(element_spec, tensor_list): argument 251 def from_tensor_list(element_spec, tensor_list): argument
|
/aosp_15_r20/external/pytorch/torch/distributed/algorithms/_quantization/ |
H A D | quantization.py | 44 def _quantize_tensor_list(tensor_list, qtype): argument 80 def _dequantize_tensor_list(tensor_list, qtype, quant_loss=None): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/internal/ |
H A D | portable_tensor.h | 37 const TfLiteIntArray& tensor_list) { in VectorOfTensors() 81 const TfLiteIntArray& tensor_list) in VectorOfQuantizedTensors()
|
/aosp_15_r20/external/pytorch/torch/onnx/ |
H A D | symbolic_opset11.py | 473 def _set_item(g: jit_utils.GraphContext, tensor_list, i, v): argument 506 def pop(g: jit_utils.GraphContext, tensor_list, dim): argument 511 def Delete(g: jit_utils.GraphContext, tensor_list, dim): argument 517 def cat(g: jit_utils.GraphContext, tensor_list, dim): argument 526 def stack(g: jit_utils.GraphContext, tensor_list, dim): argument
|
/aosp_15_r20/external/pytorch/torch/testing/_internal/distributed/ |
H A D | multi_threaded_pg.py | 336 def allreduce(self, tensor_list, opts=AllreduceOptions()): argument 342 def allreduce_coalesced(self, tensor_list, opts=AllreduceOptions()): argument 361 def broadcast(self, tensor_list, opts=BroadcastOptions()): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/ |
H A D | list_kernels.h | 174 const TensorList* tensor_list = nullptr; in Compute() local 403 const TensorList* tensor_list = nullptr; in Compute() local 669 const TensorList* tensor_list = nullptr; in Compute() local
|
/aosp_15_r20/external/pytorch/test/distributed/ |
H A D | test_c10d_common.py | 1570 def allreduce(self, tensor_list, opts=None): argument 1595 def broadcast(self, tensor_list, opts=None): argument 1609 def send(self, tensor_list, dst, tag=0): argument 1615 def recv(self, tensor_list, src, tag=0): argument
|
/aosp_15_r20/external/executorch/runtime/core/exec_aten/util/ |
H A D | tensor_util.h | 1275 executorch::aten::Tensor tensor_list[2] = {a, b}; in tensors_have_same_dim_order() local 1291 executorch::aten::Tensor tensor_list[3] = {a, b, c}; in tensors_have_same_dim_order() local 1308 executorch::aten::Tensor tensor_list[4] = {a, b, c, d}; in tensors_have_same_dim_order() local
|
H A D | tensor_util_aten.cpp | 81 const exec_aten::ArrayRef<exec_aten::Tensor> tensor_list) { in tensors_have_same_dim_order()
|
H A D | tensor_util_portable.cpp | 111 const exec_aten::ArrayRef<exec_aten::Tensor> tensor_list) { in tensors_have_same_dim_order()
|
/aosp_15_r20/external/pytorch/torch/csrc/inductor/aoti_eager/ |
H A D | kernel_holder.cpp | 126 std::vector<at::Tensor> tensor_list; in unpack_input_parameters() local 331 auto tensor_list = metadata["tensor_list"].cast<py::list>(); in init_aoti_kernel_cache() local
|
/aosp_15_r20/external/pytorch/test/cpp/jit/ |
H A D | test_utils.h | 52 using tensor_list = std::vector<at::Tensor>; variable
|
/aosp_15_r20/external/pytorch/test/cpp/api/ |
H A D | ivalue.cpp | 30 c10::List<torch::Tensor> tensor_list(tensor_vector); in TEST() local
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/experimental/mlir/testing/op_tests/ |
H A D | tensor_list_dynamic_shape.py | 51 def loop_body(i, tensor_list): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/testing/op_tests/ |
H A D | tensor_list_dynamic_shape.py | 47 def loop_body(i, tensor_list): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/autograph/lang/ |
H A D | special_functions.py | 53 def tensor_list(elements, function
|
/aosp_15_r20/external/executorch/runtime/executor/ |
H A D | tensor_parser_exec_aten.cpp | 77 auto* tensor_list = in parseTensorList() local
|
/aosp_15_r20/external/pytorch/torch/nested/ |
H A D | __init__.py | 194 def nested_tensor(tensor_list, *, dtype=None, layout=None, device=None, requires_grad=False, pin_me… argument
|
/aosp_15_r20/external/pytorch/torch/csrc/lazy/core/ |
H A D | shape.cpp | 101 at::List<at::Tensor> tensor_list = arg.toTensorList(); in applySymbolicShapesOnLT() local
|
/aosp_15_r20/external/pytorch/torch/csrc/lazy/ts_backend/ |
H A D | ts_node.cpp | 93 std::vector<torch::jit::Value*> tensor_list; in Lower() local
|