/aosp_15_r20/external/tensorflow/tensorflow/distribute/experimental/rpc/proto/ |
H A D | tf_rpc_service.proto | 10 repeated TensorProto input_tensors = 2; field
|
/aosp_15_r20/external/pytorch/benchmarks/operator_benchmark/common/ |
H A D | repeat_benchmark.py | 42 input_tensors, total_bytes = generate_data_for_repeat() variable
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ |
H A D | tfe_wrapper.cc | 121 const py::handle& input_tensors) { in InputTFE_InputTensorHandles() 1074 const py::handle& input_tensors, const py::handle& backward_function) { in PYBIND11_MODULE() 1083 const py::handle& forwardprop_output_indices) { in PYBIND11_MODULE()
|
/aosp_15_r20/external/tensorflow/tensorflow/core/framework/ |
H A D | shape_inference_testutil.h | 39 std::vector<const Tensor*> input_tensors; member
|
/aosp_15_r20/external/tflite-support/tensorflow_lite_support/cc/task/vision/core/ |
H A D | base_vision_task_api.h | 114 absl::Status Preprocess(const std::vector<TfLiteTensor*>& input_tensors, in Preprocess()
|
/aosp_15_r20/external/tensorflow/tensorflow/core/common_runtime/ |
H A D | propagator_state.cc | 413 Entry* input_tensors = iter_state->input_tensors; in ActivateNodesFastPathInternal() local 469 Entry* input_tensors = iter_state->input_tensors; in ActivateNodesSlowPath() local
|
/aosp_15_r20/external/tensorflow/tensorflow/python/saved_model/model_utils/ |
H A D | export_utils.py | 67 def _ensure_servable(input_tensors, names_to_output_tensor_infos): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/core/transforms/utils/ |
H A D | eval_utils.cc | 98 absl::InlinedVector<tensorflow::Tensor, 4> input_tensors(operands.size()); in EvaluateOperation() local
|
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/engine/ |
H A D | node.py | 228 def input_tensors(self): member in Node
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/data/ |
H A D | reduce_dataset_op_test.cc | 51 std::vector<Tensor> input_tensors = initial_state_; in GetInputTensors() local
|
H A D | parallel_filter_dataset_op_test.cc | 53 auto input_tensors = other_arguments_; in GetInputTensors() local
|
H A D | parallel_map_dataset_op_test.cc | 55 auto input_tensors = other_arguments_; in GetInputTensors() local
|
H A D | interleave_dataset_op_test.cc | 49 std::vector<Tensor> input_tensors = other_arguments_; in GetInputTensors() local
|
/aosp_15_r20/external/executorch/backends/qualcomm/runtime/ |
H A D | QnnExecuTorchBackend.cpp | 109 std::vector<std::shared_ptr<TensorWrapper>> input_tensors = in execute() local
|
/aosp_15_r20/external/tensorflow/tensorflow/core/grappler/costs/ |
H A D | virtual_scheduler_test.cc | 784 OutputList input_tensors = {x, y, z, w}; in CreateGrapplerItemWithAddN() local 817 std::vector<Operation> input_tensors; in CreateGrapplerItemWithControlDependency() local 903 std::vector<Operation> input_tensors = { in CreateGrapplerItemWithBatchNorm() local
|
/aosp_15_r20/external/executorch/examples/qualcomm/oss_scripts/llama3_2/runner/ |
H A D | runner.cpp | 125 std::vector<std::vector<Tensor>> input_tensors, output_tensors; in generate() local
|
/aosp_15_r20/external/tensorflow/tensorflow/c/ |
H A D | c_api_experimental_test.cc | 106 const std::vector<TF_Tensor*>& input_tensors, in CheckOutputShapes()
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/tools/optimize/ |
H A D | operator_property.h | 53 std::vector<int> input_tensors = {}; member
|
/aosp_15_r20/external/pytorch/test/cpp/c10d/ |
H A D | ProcessGroupNCCLTest.cpp | 436 const auto input_tensors = test.getTensors(); in testSparseAllreduce() local 487 const auto input_tensors = test.getTensors(); in testSparseAllreduceLarge() local
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tf2tensorrt/ |
H A D | trt_convert_api_test.cc | 215 std::vector<std::vector<Tensor>> input_tensors; in GetInputTensors() local
|
/aosp_15_r20/external/executorch/examples/qualcomm/qaihub_scripts/llama/runner/ |
H A D | runner.cpp | 180 std::vector<std::vector<Tensor>> input_tensors, output_tensors; in generate() local
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/ |
H A D | serialization.cc | 269 auto* input_tensors = delegate_params->input_tensors; in GetEntryImpl() local
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/testing/ |
H A D | zip_test_utils.py | 291 def get_input_shapes_map(input_tensors): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/data/experimental/ |
H A D | io_ops_test.cc | 59 std::vector<Tensor> input_tensors; in GetInputTensors() local
|
/aosp_15_r20/external/tflite-support/tensorflow_lite_support/cc/task/text/nlclassifier/ |
H A D | nl_classifier.cc | 214 const std::vector<TfLiteTensor*>& input_tensors, const std::string& input) { in Preprocess()
|