/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/tosa/transforms/ |
H A D | legalize_tf.cc | 147 TensorType output_type = in matchAndRewrite() local 165 TensorType output_type = in matchAndRewrite() local 181 TensorType output_type = in matchAndRewrite() local 195 TensorType output_type = in matchAndRewrite() local 216 TensorType output_type = in matchAndRewrite() local 230 TensorType output_type = in matchAndRewrite() local 245 TensorType output_type = in matchAndRewrite() local 259 TensorType output_type = in matchAndRewrite() local 274 TensorType output_type = in matchAndRewrite() local 299 TensorType output_type = in matchAndRewrite() local [all …]
|
H A D | legalize_tfl.cc | 182 ShapedType output_type = in matchAndRewrite() local 232 ShapedType output_type = in matchAndRewrite() local 287 ShapedType output_type = in matchAndRewrite() local 344 ShapedType output_type = result.getType().dyn_cast<ShapedType>(); in prepareMatchAndRewriteComparison() local 482 ShapedType output_type = in matchAndRewriteAddSub() local 670 ShapedType output_type = in matchAndRewrite() local 713 ShapedType output_type = in matchAndRewrite() local 766 ShapedType output_type = in matchAndRewrite() local 846 ShapedType output_type = in matchAndRewrite() local 873 ShapedType output_type = in matchAndRewrite() local [all …]
|
H A D | legalize_common.cc | 483 ShapedType output_type = output_val.getType().dyn_cast<ShapedType>(); in convertMultiplyOp() local 1185 RankedTensorType output_type = in convertExpandDimsOp() local 1248 RankedTensorType output_type = in convertSqueezeOp() local 1318 RankedTensorType output_type = in convertEluOp() local 1368 RankedTensorType output_type = in convertSoftmaxOp() local 1782 TensorType output_type = result_value.getType().dyn_cast<TensorType>(); in convertLogSoftmaxOp() local 1843 RankedTensorType output_type = in convertSpaceToDepthOp() local 1935 RankedTensorType output_type = in convertDepthToSpaceOp() local 2435 ShapedType output_type = result_value.getType().dyn_cast<ShapedType>(); in convertFloorDivOp() local 2469 RankedTensorType output_type = in convertFloorModOp() local [all …]
|
H A D | legalize_utils.cc | 33 ShapedType output_type, Value input_val, double scale, in buildRescale() 61 auto output_type = input_type.clone(rewriter.getI32Type()); in buildRescaleToInt32() local 69 ShapedType output_type, Value input_val, in buildRescaleFromInt32() 85 ShapedType weight_type, ShapedType output_type) { in buildRescaleOpConvOutput() 431 ShapedType filter_type, ShapedType output_type, ArrayAttr strides, in getTransposeConv2dPaddingValues()
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/mlir_generated/ |
H A D | base_op.h | 140 #define MLIR_FUNCTION(tf_op, platform, input_type, output_type) \ argument 143 #define MLIR_OP(tf_op, platform, input_type, output_type) \ argument 149 output_type, additional_cstrs) \ argument 157 #define REGISTER_KERNEL(tf_op, platform, input_type, output_type, \ argument 162 #define REGISTER_COMPLEX_KERNEL(tf_op, platform, input_type, output_type) \ argument 182 output_type, additional_cstrs) \ argument 187 tf_op, platform, input_type, output_type, casted_input_type, \ argument 202 #define GENERATE_UNARY_KERNEL2(tf_op, platform, input_type, output_type) \ argument 206 #define GENERATE_UNARY_KERNEL3(tf_op, platform, input_type, output_type, \ argument 238 output_type, additional_cstrs) \ argument [all …]
|
H A D | base_gpu_op.h | 26 #define REGISTER_ALIASED_GPU_KERNEL(tf_op, mlir_op, input_type, output_type) \ argument 31 #define REGISTER_GPU_KERNEL(tf_op, input_type, output_type) \ argument 35 #define REGISTER_COMPLEX_GPU_KERNEL(tf_op, input_type, output_type) \ argument 48 output_type) \ argument 53 tf_op, input_type, output_type, casted_input_type, casted_output_type) \ argument 65 #define GENERATE_UNARY_GPU_KERNEL2(tf_op, input_type, output_type) \ argument 68 #define GENERATE_UNARY_GPU_KERNEL3(tf_op, input_type, output_type, \ argument 80 output_type) \ argument 85 tf_op, input_type, output_type, casted_input_type, casted_output_type) \ argument 97 #define GENERATE_BINARY_GPU_KERNEL2(tf_op, input_type, output_type) \ argument [all …]
|
/aosp_15_r20/external/gemmlowp/meta/generators/ |
H A D | gemm_NxMxK_neon.py | 173 def BuildName(output_type, aligned, rows, cols, leftover): argument 187 def GetGemmParameters(output_type, extra_params=None): argument 205 def GetStridedGemmParameters(output_type): argument 209 def GenerateGemm(emitter, output_type, aligned, rows, cols, leftovers): argument 237 def GenerateGemmCall(emitter, output_type, aligned, m_mod, n_mod, leftovers): argument 244 def GenerateGemmSwitch3(emitter, output_type, aligned, m_mod, n_mod): argument 258 def GenerateGemmSwitch2(emitter, output_type, aligned, m_mod): argument 272 def GenerateGemmSwitch1(emitter, output_type, aligned): argument 286 def BuildMainGemmName(output_type): argument 297 def BuildStridedMainGemmName(output_type): argument [all …]
|
H A D | gemv_1xMxK_neon.py | 140 def BuildName(output_type, aligned, cols, leftover): argument 154 def GetGemvParameters(output_type): argument 170 def GenerateGemv(emitter, output_type, aligned, cols, leftovers): argument 197 def GenerateGemvCall(emitter, output_type, aligned, m_mod, leftovers): argument 204 def GenerateGemvSwitch2(emitter, output_type, aligned, n_mod): argument 218 def GenerateGemvSwitch1(emitter, output_type, aligned): argument 232 def BuildMainGemvName(output_type): argument 243 def GenerateMainGemvFunction(emitter, output_type): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/data/kernel_tests/ |
H A D | range_test.py | 37 def testStop(self, output_type): argument 50 def testStartStop(self, output_type): argument 63 def testStartStopStep(self, output_type): argument 78 def testZeroStep(self, output_type): argument 91 def testNegativeStep(self, output_type): argument 106 def testStopLessThanStart(self, output_type): argument 119 def testStopLessThanStartWithPositiveStep(self, output_type): argument 134 def testStopLessThanStartWithNegativeStep(self, output_type): argument 200 def testMultipleCombinations(self, start, stop, step, output_type): argument
|
/aosp_15_r20/external/perfetto/src/ipc/protoc_plugin/ |
H A D | ipc_plugin.cc | 132 std::string output_type = method.output_type()->name(); in ForEachMethod() local 178 const std::string& output_type) { in GenerateServiceHeader() 194 const std::string& output_type) { in GenerateServiceHeader() 225 const std::string& output_type) { in GenerateServiceCpp() 238 const std::string& output_type) { in GenerateServiceCpp()
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/service/gpu/ |
H A D | elemental_ir_emitter.cc | 80 absl::Span<const PrimitiveType> input_types, PrimitiveType output_type, in EmitDeviceMathCall() 122 absl::Span<const PrimitiveType> input_types, PrimitiveType output_type) { in EmitLlvmIntrinsicMathCall() 145 absl::Span<const PrimitiveType> input_types, PrimitiveType output_type, in EmitMathCall() 182 PrimitiveType output_type = op->shape().element_type(); in EmitFloatBinaryOp() local 212 PrimitiveType output_type = op->shape().element_type(); in EmitPowerOp() local
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/lite/experimental/tac/transforms/ |
H A D | device_transform_patterns.cc | 102 auto output_type = output.getType().dyn_cast_or_null<RankedTensorType>(); in EnsureBias() local 300 auto output_type = output.getType().cast<RankedTensorType>(); in matchAndRewrite() local 385 auto output_type = slice_op.getType().dyn_cast_or_null<RankedTensorType>(); in matchAndRewrite() local 483 auto output_type = output.getType().dyn_cast_or_null<RankedTensorType>(); in matchAndRewrite() local 539 auto output_type = concat_op.getType().dyn_cast_or_null<RankedTensorType>(); in matchAndRewrite() local 619 auto output_type = output.getType().dyn_cast_or_null<RankedTensorType>(); in matchAndRewrite() local 678 auto output_type = output.getType().dyn_cast_or_null<ShapedType>(); in matchAndRewrite() local
|
/aosp_15_r20/external/compiler-rt/test/asan/android_commands/ |
H A D | android_compile.py | 11 output_type = 'executable' variable 17 output_type = 'shared' variable 19 output_type = 'object' variable
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/lite/ir/ |
H A D | tfl_ops.cc | 724 auto output_type = op.output().getType().cast<RankedTensorType>(); in GetConcatenationOpAxis() local 743 RankedTensorType output_type, in VerifyConcatenationOpTypes() 822 RankedTensorType output_type, in IsConcatenationOpConstFoldable() 834 RankedTensorType output_type, in ConstFoldConcatenateOpDense() 870 auto output_type = op.output().getType().dyn_cast<RankedTensorType>(); in verify() local 889 if (auto output_type = output().getType().dyn_cast<RankedTensorType>()) { in fold() local 991 auto output_type = op.getType().cast<ShapedType>(); in matchAndRewrite() local 1043 ShapedType output_type = in verify() local 1092 const auto output_type = getType(0).cast<ShapedType>(); in fold() local 1440 auto output_type = output.getType().cast<ShapedType>(); in verify() local [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/tools/optimize/ |
H A D | quantize_model.cc | 393 const auto output_type = subgraph->tensors[output_idx]->type; in InputQuantizeRequired() local 475 const int32_t tensor_idx, const TensorType& output_type, in SetOutputType() 538 const TensorType& output_type, in SetInputAndOutputTypes() 1900 const TensorType& output_type, bool allow_float, in QuantizeModel() 1943 const TensorType& output_type, bool allow_float, in QuantizeModel() 1956 const TensorType& input_type, const TensorType& output_type, in QuantizeModelAllOperators() 1967 const TensorType& input_type, const TensorType& output_type, in QuantizeModelAllOperators() 1978 const TensorType& output_type, bool allow_float, in QuantizeModel() 1988 const TensorType& output_type, in QuantizeModel()
|
H A D | modify_model_interface.cc | 126 std::vector<TensorOpTensor> GetOutputTensors(const TensorType& output_type, in GetOutputTensors() 303 const TensorType& output_type, ModelT* model, in GetOriginalNumberOfTensors() 316 const TensorType& output_type) { in ModifyModelInterface() 364 const TensorType& output_type) { in ModifyModelInterface()
|
/aosp_15_r20/external/mesa3d/src/compiler/nir/ |
H A D | nir_opcodes.py | 35 def __init__(self, name, output_size, output_type, input_sizes, argument 158 def opcode(name, output_size, output_type, input_sizes, input_types, argument 172 def unop_horiz(name, output_size, output_type, input_size, input_type, argument 177 def unop_reduce(name, output_size, output_type, input_type, prereduce_expr, argument 590 def binop_reduce(name, output_size, output_type, src_type, prereduce_expr, argument
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/mkl/ |
H A D | mkl_qmatmul_op.cc | 540 #define REGISTER_MKL_KERNEL(op, kernel, bias_type, output_type, is_native) \ argument 550 #define REGISTER_MKL_KERNEL_ALL_BIAS_TYPES(op, kernel, output_type, is_native) \ argument 555 #define TEMPLATE_ARGS(CPUDevice, quint8, qint8, bias_type, output_type, \ argument 576 #define TEMPLATE_ARGS(CPUDevice, quint8, qint8, bias_type, output_type, \ argument
|
/aosp_15_r20/external/tflite-support/tensorflow_lite_support/java/src/native/task/vision/segmenter/ |
H A D | image_segmenter_jni.cc | 62 jint output_type, in ConvertToProtoOptions() 189 jstring display_names_locale, jint output_type, jint num_threads) { in Java_org_tensorflow_lite_task_vision_segmenter_ImageSegmenter_initJniWithModelFdAndOptions() 207 jstring display_names_locale, jint output_type, jint num_threads) { in Java_org_tensorflow_lite_task_vision_segmenter_ImageSegmenter_initJniWithByteBuffer()
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/client/lib/ |
H A D | arithmetic.cc | 138 XlaOp ArgMinMax(XlaOp input, PrimitiveType output_type, int axis, bool is_min) { in ArgMinMax() 168 XlaOp ArgMax(XlaOp input, PrimitiveType output_type, int axis) { in ArgMax() 172 XlaOp ArgMin(XlaOp input, PrimitiveType output_type, int axis) { in ArgMin()
|
/aosp_15_r20/external/rust/android-crates-io/crates/protobuf/src/reflect/service/ |
D | index.rs | 28 pub(crate) output_type: ForwardProtobufTypeBox, field 37 let output_type = building.resolve_message(proto.output_type())?; in index() localVariable
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/lite/utils/ |
H A D | arithmetic_count_util.h | 29 auto output_type = in GetFirstOutputCount() local 61 auto output_type = in GetArithmeticCountForConvAndFullyconnectedOp() local
|
/aosp_15_r20/external/tensorflow/tensorflow/c/kernels/ops/ |
H A D | bitcast.cc | 26 TF_DataType output_type, TF_Status* status) { in ComputeNewShape() 82 TF_DataType output_type; in bitcast_shape_inference_fn() local
|
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/ |
H A D | arg_min_max_test.cc | 34 bool constant_axis, TensorType output_type) in ArgBaseOpModel() 86 TensorType output_type) in ArgMaxOpModel() 101 TensorType output_type) in ArgMinOpModel()
|
/aosp_15_r20/external/tensorflow/tensorflow/core/profiler/ |
H A D | tfprof_options.cc | 36 tensorflow::Status ParseOutput(const string& output_opt, string* output_type, in ParseOutput() 133 string output_type; in FromProtoStr() local
|