Home
last modified time | relevance | path

Searched defs:input_tensors (Results 1 – 25 of 102) sorted by relevance

12345

/aosp_15_r20/external/tensorflow/tensorflow/python/distribute/v1/
H A Dall_reduce.py250 def build_ring_all_reduce(input_tensors, num_workers, num_subchunks, argument
293 def _build_ring_gather(input_tensors, devices, num_subchunks, argument
422 def build_recursive_hd_all_reduce(input_tensors, red_op, un_op=None): argument
476 def _build_recursive_hd_gather(input_tensors, devices, red_op): argument
517 def _build_recursive_hd_scatter(input_tensors, devices): argument
554 def build_shuffle_all_reduce(input_tensors, gather_devices, red_op, un_op=None): argument
588 def _build_shuffle_gather(input_tensors, gather_devices, red_op, un_op=None): argument
681 def build_nccl_all_reduce(input_tensors, red_op, un_op=None): argument
710 def _build_nccl_hybrid(input_tensors, red_op, upper_level_f): argument
761 def _reduce_non_singleton(input_tensors, red_f, un_op): argument
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/tfrt/benchmarks/
H A Dbenchmark_mlir_function.cc52 llvm::SmallVector<Tensor> input_tensors; in GetInputTensors() local
105 llvm::SmallVector<Tensor> input_tensors = GetInputTensors(input_specs); in RunJitRtBenchmark() local
179 llvm::SmallVector<Tensor> input_tensors = GetInputTensors(input_specs); in RunTfrtBenchmark() local
205 llvm::SmallVector<Tensor> input_tensors = GetInputTensors(input_specs); in RunEigenBenchmark() local
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/
H A Dmodels.py129 def _clone_functional_model(model, input_tensors=None, layer_fn=_clone_layer): argument
279 def _clone_sequential_model(model, input_tensors=None, layer_fn=_clone_layer): argument
385 def clone_model(model, input_tensors=None, clone_function=None): argument
618 model, input_tensors=None, target_tensors=None, custom_objects=None, argument
/aosp_15_r20/external/tensorflow/tensorflow/lite/testing/
H A Dmlir_convert.py31 input_tensors, argument
84 def representative_dataset(input_tensors): argument
133 input_tensors, argument
/aosp_15_r20/external/tensorflow/tensorflow/lite/python/
H A Dlite.py1000 def _validate_inputs(self, graph_def, input_tensors): argument
1047 def _optimize_tf_model(self, graph_def, input_tensors, output_tensors, argument
1103 def convert(self, graph_def, input_tensors, output_tensors): argument
1945 def _validate_inputs(self, input_tensors, quantized_input_stats): argument
1994 def _optimize_tf_model(self, graph_def, input_tensors, output_tensors, argument
2379 input_tensors, argument
2560 input_tensors, argument
2592 def from_session(cls, sess, input_tensors, output_tensors): argument
2819 def from_session(cls, sess, input_tensors, output_tensors): argument
H A Dconvert.py720 def convert_graphdef(input_data, input_tensors, output_tensors, **kwargs): argument
844 def toco_convert(input_data, input_tensors, output_tensors, *args, **kwargs): argument
/aosp_15_r20/external/tensorflow/tensorflow/lite/experimental/mlir/testing/
H A Dmlir_convert.py30 def mlir_convert(options, graph_def, input_tensors, output_tensors, **kwargs): argument
76 def representative_dataset(input_tensors): argument
126 input_tensors, argument
/aosp_15_r20/external/pytorch/test/cpp/aoti_inference/
H A Dtest.cpp32 auto input_tensors = in test_aoti() local
99 auto input_tensors = in test_aoti_constants_update() local
188 auto input_tensors = in test_aoti_double_buffering() local
265 auto input_tensors = in test_aoti_double_buffering_with_tensor_constants() local
/aosp_15_r20/external/tensorflow/tensorflow/python/eager/
H A Dtape.py177 def record_operation(op_type, output_tensors, input_tensors, backward_function, argument
185 def record_operation_backprop_only(op_type, output_tensors, input_tensors, argument
193 def record_operation_forwardprop_only(op_type, output_tensors, input_tensors, argument
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/data/
H A Dmap_defun_op_test.cc44 std::vector<Tensor> input_tensors = arguments_; in GetInputTensors() local
245 auto input_tensors = test_case.map_defun_op_params.GetInputTensors(); in TEST_P() local
274 auto input_tensors = test_case.map_defun_op_params.GetInputTensors(); in TEST_F() local
H A Dzip_dataset_op.cc137 std::vector<Tensor> input_tensors; in Get() local
194 std::vector<Tensor> input_tensors; in GetNextInternal() local
/aosp_15_r20/external/tensorflow/tensorflow/core/grappler/optimizers/data/
H A Dsplit_utils_test.cc71 const std::vector<Tensor>& input_tensors, in RunFunction()
107 const std::vector<Tensor>& input_tensors, in RunSplitFunctions()
155 const std::vector<Tensor>& input_tensors, in CheckSplitFunctions()
/aosp_15_r20/external/tflite-support/tensorflow_lite_support/cc/task/text/nlclassifier/
H A Dbert_nl_classifier.cc68 const std::vector<TfLiteTensor*>& input_tensors, const std::string& input) { in Preprocess()
205 const auto& input_tensors = GetInputTensors(); in InitializeFromMetadata() local
/aosp_15_r20/external/tensorflow/tensorflow/tools/benchmark/
H A Dbenchmark_model.cc75 void CreateTensorsFromInputInfo( in CreateTensorsFromInputInfo()
124 std::vector<std::pair<string, tensorflow::Tensor> > input_tensors; in GetOutputShapes() local
292 std::vector<std::pair<string, tensorflow::Tensor> > input_tensors; in RunBenchmark() local
/aosp_15_r20/external/pytorch/torch/testing/_internal/distributed/
H A Dmulti_threaded_pg.py367 def scatter(self, output_tensors, input_tensors, opts=ScatterOptions()): argument
373 def gather(self, output_tensors, input_tensors, opts=ScatterOptions()): argument
389 …def reduce_scatter_tensor_coalesced(self, output_tensors, input_tensors, opts=ReduceScatterOptions… argument
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/hexagon/
H A Dhexagon_delegate_kernel.cc98 std::vector<hexagon_nn_tensordef> input_tensors; in Eval() local
244 TfLiteContext* context, const TfLiteIntArray* input_tensors, in BuildGraph()
/aosp_15_r20/external/pytorch/benchmarks/static_runtime/
H A Dtest_static_module.cc458 std::vector<c10::IValue> input_tensors({a, b, c}); in TEST() local
477 std::vector<c10::IValue> input_tensors({a, b, c}); in TEST() local
502 std::vector<c10::IValue> input_tensors({ad_emb_packed, user_emb, wide}); in TEST() local
652 std::vector<c10::IValue> input_tensors( in TEST() local
759 std::vector<c10::IValue> input_tensors({ad_emb_packed, user_emb, wide}); in TEST() local
782 std::vector<c10::IValue> input_tensors({ad_emb_packed, user_emb, wide}); in TEST() local
/aosp_15_r20/external/tensorflow/tensorflow/python/tpu/
H A Dtpu_feed.py376 def set_configuration_from_input_tensors(self, input_tensors): argument
396 def set_configuration_from_sharded_input_tensors(self, input_tensors): argument
/aosp_15_r20/external/tensorflow/tensorflow/c/
H A Dc_api_function.cc53 const TF_Output* inputs, std::vector<OutputTensor>* input_tensors, in ProcessInputs()
162 std::vector<tensorflow::OutputTensor> input_tensors; in TF_GraphToFunctionWithControlOutputs() local
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/engine/
H A Dbase_layer_utils.py142 def collect_previous_mask(input_tensors): argument
293 def unnest_if_single_tensor(input_tensors): argument
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tf2xla/kernels/
H A Dlight_outside_compilation.cc87 std::vector<const Tensor*> input_tensors(num_inputs); in CompileToCustomCallCallingTfKernel() local
460 std::deque<Tensor> input_tensors; in CallTfKernel() local
/aosp_15_r20/packages/modules/NeuralNetworks/runtime/test/specs/AIDL_V2/
Dpack.mod.py16 def test(name, axis_value, input_tensors, output_tensor, inputs_data, output_data): argument
/aosp_15_r20/external/pytorch/torch/fx/experimental/shape_inference/
H A Dinfer_shape.py21 def infer_shape(gm, input_tensors): argument
/aosp_15_r20/external/tensorflow/tensorflow/core/framework/
H A Dshape_inference.cc37 const std::vector<const Tensor*>& input_tensors, in InferenceContext()
89 const std::vector<const Tensor*>& input_tensors, in InferenceContext()
167 const OpDef& op_def, const std::vector<const Tensor*>& input_tensors, in PreInputInit()
/aosp_15_r20/external/tensorflow/tensorflow/lite/
H A Dgraph_info.h80 std::vector<int> input_tensors; member

12345