Home
last modified time | relevance | path

Searched refs:constant_tensor (Results 1 – 9 of 9) sorted by relevance

/external/tensorflow/tensorflow/lite/delegates/gpu/common/tasks/
Delementwise.cc205 const tflite::gpu::Tensor<Linear, DataType::FLOAT32>& constant_tensor, in CreateElementwiseTwoInput() argument
207 const BHWC shape = BHWC(1, 1, 1, constant_tensor.shape.v); in CreateElementwiseTwoInput()
212 desc.UploadData(constant_tensor); in CreateElementwiseTwoInput()
236 const tflite::gpu::Tensor<HWC, DataType::FLOAT32>& constant_tensor, in CreateElementwiseTwoInput() argument
238 const BHWC shape = BHWC(1, constant_tensor.shape.h, constant_tensor.shape.w, in CreateElementwiseTwoInput()
239 constant_tensor.shape.c); in CreateElementwiseTwoInput()
244 desc.UploadData(constant_tensor); in CreateElementwiseTwoInput()
/external/tensorflow/tensorflow/compiler/jit/
Dintroduce_floating_point_jitter_pass.cc86 Tensor constant_tensor; in IntroduceJitterToTensor() local
88 constant_tensor = Tensor(static_cast<float>(jitter_amount)); in IntroduceJitterToTensor()
90 constant_tensor = Tensor(Eigen::half(jitter_amount)); in IntroduceJitterToTensor()
96 ops::Const(s.WithOpName("jitter_amount"), constant_tensor); in IntroduceJitterToTensor()
/external/tensorflow/tensorflow/tools/benchmark/
Dbenchmark_model_test.cc39 Tensor constant_tensor(DT_FLOAT, constant_shape); in CreateTestGraph() local
40 test::FillFn<float>(&constant_tensor, [](int) -> float { return 3.0; }); in CreateTestGraph()
45 auto m = ops::MatMul(root, placeholder, constant_tensor); in CreateTestGraph()
/external/tensorflow/tensorflow/compiler/mlir/tfr/tests/
Dops.mlir150 %0 = "tfr.constant_tensor"(%arg0) : (i32) -> tensor<i32>
158 %0 = "tfr.constant_tensor"(%arg0) : (vector<1x2xi32>) -> tensor<1x2xi32>
168 %1 = "tfr.constant_tensor"(%0) : (!tfr.attr) -> !tfr.tensor
182 %1 = "tfr.constant_tensor"(%0) : (i32) -> !tfr.tensor
194 %0 = "tfr.constant_tensor"(%arg0) : (i32) -> tensor<f32>
202 %0 = "tfr.constant_tensor"(%arg0) : (vector<1xi32>) -> tensor<?xi32>
210 %0 = "tfr.constant_tensor"(%arg0) : (vector<1xi32>) -> tensor<1xf32>
218 %0 = "tfr.constant_tensor"(%arg0) : (vector<1xi32>) -> tensor<1x1xi32>
226 %0 = "tfr.constant_tensor"(%arg0) : (i32) -> tensor<1x1xi32>
Dend2end.mlir142 %2 = "tfr.constant_tensor"(%alpha) : (f32) -> tensor<f32>
151 %axis_cst = "tfr.constant_tensor"(%axis) : (i32) -> tensor<i32>
212 %batch = "tfr.constant_tensor"(%batch_size) : (i64) -> tensor<i64>
214 %calls = "tfr.constant_tensor"(%num_parallel_calls) : (i64) -> tensor<i64>
216 %drop = "tfr.constant_tensor"(%drop_remainder) : (i1) -> tensor<i1>
/external/tensorflow/tensorflow/tools/graph_transforms/
Dquantize_nodes_test.cc398 Tensor constant_tensor(DT_FLOAT, TensorShape({1, 2, 6, 1})); in TestQuantizeRelu() local
399 test::FillValues<float>(&constant_tensor, in TestQuantizeRelu()
402 Input::Initializer(constant_tensor)); in TestQuantizeRelu()
416 Tensor constant_tensor(DT_FLOAT, TensorShape({1, 2, 6, 1})); in TestQuantizeRelu6() local
417 test::FillValues<float>(&constant_tensor, in TestQuantizeRelu6()
420 Input::Initializer(constant_tensor)); in TestQuantizeRelu6()
434 Tensor constant_tensor(DT_FLOAT, TensorShape({1, 2, 6, 1})); in TestQuantizeMaxPool() local
435 test::FillValues<float>(&constant_tensor, in TestQuantizeMaxPool()
438 Input::Initializer(constant_tensor)); in TestQuantizeMaxPool()
453 Tensor constant_tensor(DT_FLOAT, TensorShape({1, 2, 6, 1})); in TestQuantizeAvgPool() local
[all …]
/external/tensorflow/tensorflow/compiler/mlir/tfr/ir/
Dtfr_ops.td283 def TFR_ConstantTensorOp : TFR_Op<"constant_tensor", [NoSideEffect]> {
285 The `constant_tensor` operation converts the operand with non-built-in
292 %1 = tfr.constant_tensor(%0) : f32 -> tensor<f32>
293 %3 = tfr.constant_tensor(%2) : vector<1xf32> -> tensor<1xf32>
/external/tensorflow/tensorflow/lite/delegates/gpu/common/
Dmodel_builder.cc145 int constant_tensor = 1; in ParseInputsWithConstTensor() local
149 constant_tensor = 0; in ParseInputsWithConstTensor()
155 RETURN_IF_ERROR(reader->ReadTensor(constant_tensor, &tensor)); in ParseInputsWithConstTensor()
160 RETURN_IF_ERROR(reader->ReadTensor(constant_tensor, &tensor)); in ParseInputsWithConstTensor()
164 RETURN_IF_ERROR(reader->ReadTensor(constant_tensor, &tensor)); in ParseInputsWithConstTensor()
/external/tensorflow/tensorflow/python/saved_model/
Dload_test.py1606 constant_tensor = constant_op.constant(10)
1609 f, 7, 1, 2, learning_rate=3, some_tensor=constant_tensor))