/aosp_15_r20/external/tensorflow/tensorflow/lite/testing/op_tests/ |
H A D | conv_activation.py | 142 def relu1(input_tensor): argument
|
H A D | conv_bias_activation.py | 65 def add_conv(input_tensor, filter_input, parameters): argument
|
H A D | pool.py | 115 def make_l2_pool(input_tensor, ksize, strides, padding, data_format): argument
|
/aosp_15_r20/external/federated-compute/fcp/artifact_building/ |
H A D | plan_utils.py | 65 def create_input(input_tensor): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/core/common_runtime/gpu/ |
H A D | gpu_util_platform_specific.cc | 42 void GPUDeviceContext::CopyTensorInSameDevice(const Tensor* input_tensor, in CopyTensorInSameDevice()
|
/aosp_15_r20/external/ComputeLibrary/src/graph/mutators/ |
H A D | SplitLayerSubTensorMutator.cpp | 68 Tensor *input_tensor = node->input(0); in mutate() local
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/lite/tests/flatbuffer2mlir/ |
H A D | importer_test_min_max.cc | 123 auto& input_tensor = sub_graph->tensors[op->inputs[0]]; in InjectStatsToFullyConnected() local
|
/aosp_15_r20/external/tensorflow/tensorflow/core/common_runtime/pluggable_device/ |
H A D | pluggable_device_context.cc | 43 void PluggableDeviceContext::CopyTensorInSameDevice(const Tensor* input_tensor, in CopyTensorInSameDevice()
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/fuzzing/ |
H A D | one_hot_fuzz.cc | 63 Tensor input_tensor(tensorflow::DT_UINT8, TensorShape({input_size})); in FuzzImpl() local
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/experimental/mlir/testing/op_tests/ |
H A D | conv_bias_activation.py | 69 def add_conv(input_tensor, filter_input, parameters): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/ |
H A D | broadcast_to_op.cc | 44 const Tensor& input_tensor = ctx->input(0); in Compute() local
|
H A D | bucketize_op.cc | 63 const Tensor& input_tensor = context->input(0); in Compute() local
|
/aosp_15_r20/external/tensorflow/tensorflow/python/debug/examples/v1/ |
H A D | debug_mnist_v1.py | 158 def nn_layer(input_tensor, input_dim, output_dim, layer_name, act=tf.nn.relu): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/signal/ |
H A D | dct_ops.py | 28 def _validate_dct_arguments(input_tensor, dct_type, n, axis, norm): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/hexagon/builders/ |
H A D | arg_min_max_builder.cc | 35 const auto& input_tensor = context->tensors[input_tensor_id]; in PopulateSubGraph() local
|
H A D | mirror_pad_builder.cc | 34 const auto& input_tensor = context->tensors[tensor_id]; in PopulateSubGraph() local
|
H A D | split_builder.cc | 32 const auto& input_tensor = context->tensors[input_tensor_id]; in PopulateSubGraph() local
|
H A D | resize_nearest_neighbor_builder.cc | 33 const auto& input_tensor = context->tensors[tensor_id]; in PopulateSubGraph() local
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/mkl/ |
H A D | mkl_tfconv_op.h | 69 const Tensor& input_tensor = MklGetInput(context, input_number); in ConvertMklToTf() local
|
/aosp_15_r20/external/tensorflow/tensorflow/python/debug/examples/v2/ |
H A D | debug_mnist_v2.py | 170 def dense_layer(weights, input_tensor, act=tf.nn.relu): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/core/common_runtime/ |
H A D | single_threaded_cpu_device.cc | 72 void CopyTensorInSameDevice(const Tensor* input_tensor, Tensor* output_tensor, in CopyTensorInSameDevice()
|
/aosp_15_r20/external/tensorflow/tensorflow/examples/speech_commands/ |
H A D | freeze.py | 172 def save_saved_model(file_name, sess, input_tensor, output_tensor): argument
|
/aosp_15_r20/external/libtextclassifier/native/utils/ |
H A D | tflite-model-executor.h | 95 TfLiteTensor* input_tensor = in SetInput() local
|
/aosp_15_r20/external/ComputeLibrary/tests/validation/fixtures/ |
H A D | UnstackFixture.h | 66 TensorType input_tensor = create_tensor<TensorType>(input_shape, data_type); in compute_target() local
|
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/engine/ |
H A D | input_layer.py | 102 input_tensor=None, argument
|