Home
last modified time | relevance | path

Searched refs:input_0 (Results 1 – 25 of 31) sorted by relevance

12

/external/libaom/libaom/aom_dsp/arm/
Dfwd_txfm_neon.c21 int16x4_t *input_0, int16x4_t *input_1, in aom_fdct4x4_helper() argument
23 *input_0 = vshl_n_s16(vld1_s16(input + 0 * stride), 4); in aom_fdct4x4_helper()
30 *input_0 = vadd_s16(*input_0, one); in aom_fdct4x4_helper()
34 const int16x8_t input_01 = vcombine_s16(*input_0, *input_1); in aom_fdct4x4_helper()
72 *input_0 = out_0; in aom_fdct4x4_helper()
82 int16x4_t input_0, input_1, input_2, input_3; in aom_fdct4x4_neon() local
84 aom_fdct4x4_helper(input, stride, &input_0, &input_1, &input_2, &input_3); in aom_fdct4x4_neon()
88 int16x8_t out_01 = vcombine_s16(input_0, input_1); in aom_fdct4x4_neon()
99 int16x4_t input_0, input_1, input_2, input_3; in aom_fdct4x4_lp_neon() local
101 aom_fdct4x4_helper(input, stride, &input_0, &input_1, &input_2, &input_3); in aom_fdct4x4_lp_neon()
[all …]
/external/libvpx/libvpx/vpx_dsp/arm/
Dfdct_neon.c25 int16x4_t input_0 = vshl_n_s16(vld1_s16(input + 0 * stride), 4); in vpx_fdct4x4_neon() local
33 input_0 = vadd_s16(input_0, one); in vpx_fdct4x4_neon()
37 const int16x8_t input_01 = vcombine_s16(input_0, input_1); in vpx_fdct4x4_neon()
75 input_0 = out_0; in vpx_fdct4x4_neon()
84 int16x8_t out_01 = vcombine_s16(input_0, input_1); in vpx_fdct4x4_neon()
Dfwd_txfm_neon.c24 int16x8_t input_0 = vshlq_n_s16(vld1q_s16(&input[0 * stride]), 2); in vpx_fdct8x8_neon() local
34 const int16x8_t v_s0 = vaddq_s16(input_0, input_7); in vpx_fdct8x8_neon()
41 const int16x8_t v_s7 = vsubq_s16(input_0, input_7); in vpx_fdct8x8_neon()
161 input_0 = r01_s16.val[0]; in vpx_fdct8x8_neon()
184 const int16x8_t sign_in0 = vshrq_n_s16(input_0, 15); in vpx_fdct8x8_neon()
192 input_0 = vhsubq_s16(input_0, sign_in0); in vpx_fdct8x8_neon()
201 store_s16q_to_tran_low(final_output + 0 * 8, input_0); in vpx_fdct8x8_neon()
/external/tensorflow/tensorflow/lite/delegates/coreml/builders/
Dutil.cc40 bool IsBroadcastable(const TfLiteTensor* input_0, const TfLiteTensor* input_1) { in IsBroadcastable() argument
43 Get4DShape(input_0, &shape_0); in IsBroadcastable()
60 if (!((IsConstantTensor(input_0) && NumElements(input_0) == 1) || in IsBroadcastable()
Dadd_op_builder.cc70 const auto* input_0 = &context->tensors[inputs->data[0]]; in RegisterInputs() local
73 if (IsConstantTensor(input_0) && NumElements(input_0) == 1) { in RegisterInputs()
75 SetAlpha(GetTensorData<float>(input_0)[0]); in RegisterInputs()
Dmul_op_builder.cc76 const auto* input_0 = &context->tensors[inputs->data[0]]; in RegisterInputs() local
79 if (IsConstantTensor(input_0) && NumElements(input_0) == 1) { in RegisterInputs()
81 SetAlpha(GetTensorData<float>(input_0)[0]); in RegisterInputs()
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/tests/graphdef2mlir/
Dswitch_n.pbtxt10 # CHECK-SAME: loc("Case/Case/input_0/_7")
34 name: "Case/input_0"
73 name: "Case/Case/input_0/_7"
75 input: "Case/input_0"
87 s: "Case/input_0"
200 input: "Case/Case/input_0/_7"
212 input: "Case/Case/input_0/_7:1"
/external/tensorflow/tensorflow/compiler/tf2tensorrt/segment/
Dsegment_test.cc439 auto input_0 = in TEST_F() local
444 auto output_0 = ops::Add(s.WithOpName("output-0"), input_0, const_val); in TEST_F()
468 auto input_0 = in TEST_F() local
473 auto output_0 = ops::Add(s.WithOpName("output-0"), input_0, const_val); in TEST_F()
504 auto input_0 = in TEST_F() local
511 auto output_0 = ops::Add(s.WithOpName("output-0"), input_0, multiple); in TEST_F()
536 auto input_0 = in TEST_F() local
541 auto add_0 = ops::Add(s.WithOpName("add-0"), input_0, const_val); in TEST_F()
542 auto output_0 = ops::Add(s.WithOpName("output-0"), input_0, add_0); in TEST_F()
565 auto input_0 = in TEST_F() local
[all …]
/external/adhd/cras-config/
Ddsp.ini.sample14 input_0={dst:0}
20 input_0={src:0}
53 input_0={intermediate:0}
/external/tensorflow/tensorflow/lite/micro/kernels/xtensa/
Ddepthwise_conv.cc245 ae_p24x2s input_0, input_1, input_2, input_3; in DepthwiseConv4x32MatchingInputAndFilter() local
246 AE_LP8X2F_IU(input_0, input_0_ptr, 2); in DepthwiseConv4x32MatchingInputAndFilter()
252 input_0 = AE_P24X2S_SRAI(input_0, 16); in DepthwiseConv4x32MatchingInputAndFilter()
257 input_0 = AE_P24S_ADDS_P24X2S(input_0, input_offset_24x2); in DepthwiseConv4x32MatchingInputAndFilter()
264 AE_MULAS56P24S_HH(block_0_acc, input_0, weight_0); in DepthwiseConv4x32MatchingInputAndFilter()
269 AE_MULAS56P24S_LL(block_1_acc, input_0, weight_0); in DepthwiseConv4x32MatchingInputAndFilter()
/external/tensorflow/tensorflow/core/kernels/
Drestore_op_test.cc99 Tensor input_0(DT_STRING, TensorShape({})); in TEST_F() local
100 input_0.scalar<tstring>()() = filename; in TEST_F()
101 inputs.push_back({nullptr, &input_0}); in TEST_F()
403 Tensor input_0(DT_STRING, TensorShape({})); in TEST_F() local
404 input_0.scalar<tstring>()() = filename; in TEST_F()
405 inputs.push_back({nullptr, &input_0}); in TEST_F()
Dcwise_ops_common.h89 const Tensor& input_0 = ctx->input(0); in Compute() local
97 if (input_0.shape() == input_1.shape()) { in Compute()
101 {0, 1}, 0, input_0.shape(), &out)); in Compute()
104 input_0.template flat<Tin>(), input_1.template flat<Tin>(), in Compute()
110 } else if (input_0.shape().dims() == 0) { in Compute()
118 input_0.template scalar<Tin>(), input_1.template flat<Tin>(), in Compute()
128 {0}, 0, input_0.shape(), &out)); in Compute()
131 input_0.template flat<Tin>(), input_1.template scalar<Tin>(), in Compute()
Drestore_v2_op_test.cc110 Tensor input_0(DT_STRING, TensorShape({})); in RunTest() local
111 input_0.scalar<tstring>()() = filename; in RunTest()
112 inputs.push_back({nullptr, &input_0}); in RunTest()
/external/rust/crates/ring/crypto/poly1305/
Dpoly1305_arm_asm.S18 # qhasm: int32 input_0
231 # qhasm: x01 aligned= mem128[input_0];input_0+=16
232 # asm 1: vld1.8 {>x01=reg128#9%bot->x01=reg128#9%top},[<input_0=int32#1,: 128]!
233 # asm 2: vld1.8 {>x01=d16->x01=d17},[<input_0=r0,: 128]!
236 # qhasm: x23 aligned= mem128[input_0];input_0+=16
237 # asm 1: vld1.8 {>x23=reg128#10%bot->x23=reg128#10%top},[<input_0=int32#1,: 128]!
238 # asm 2: vld1.8 {>x23=d18->x23=d19},[<input_0=r0,: 128]!
241 # qhasm: x4 aligned= mem64[input_0]x4[1]
242 # asm 1: vld1.8 {<x4=reg128#11%bot},[<input_0=int32#1,: 64]
243 # asm 2: vld1.8 {<x4=d20},[<input_0=r0,: 64]
[all …]
/external/rust/crates/quiche/deps/boringssl/src/crypto/poly1305/
Dpoly1305_arm_asm.S16 # qhasm: int32 input_0
229 # qhasm: x01 aligned= mem128[input_0];input_0+=16
230 # asm 1: vld1.8 {>x01=reg128#9%bot->x01=reg128#9%top},[<input_0=int32#1,: 128]!
231 # asm 2: vld1.8 {>x01=d16->x01=d17},[<input_0=r0,: 128]!
234 # qhasm: x23 aligned= mem128[input_0];input_0+=16
235 # asm 1: vld1.8 {>x23=reg128#10%bot->x23=reg128#10%top},[<input_0=int32#1,: 128]!
236 # asm 2: vld1.8 {>x23=d18->x23=d19},[<input_0=r0,: 128]!
239 # qhasm: x4 aligned= mem64[input_0]x4[1]
240 # asm 1: vld1.8 {<x4=reg128#11%bot},[<input_0=int32#1,: 64]
241 # asm 2: vld1.8 {<x4=d20},[<input_0=r0,: 64]
[all …]
/external/boringssl/src/crypto/poly1305/
Dpoly1305_arm_asm.S16 # qhasm: int32 input_0
229 # qhasm: x01 aligned= mem128[input_0];input_0+=16
230 # asm 1: vld1.8 {>x01=reg128#9%bot->x01=reg128#9%top},[<input_0=int32#1,: 128]!
231 # asm 2: vld1.8 {>x01=d16->x01=d17},[<input_0=r0,: 128]!
234 # qhasm: x23 aligned= mem128[input_0];input_0+=16
235 # asm 1: vld1.8 {>x23=reg128#10%bot->x23=reg128#10%top},[<input_0=int32#1,: 128]!
236 # asm 2: vld1.8 {>x23=d18->x23=d19},[<input_0=r0,: 128]!
239 # qhasm: x4 aligned= mem64[input_0]x4[1]
240 # asm 1: vld1.8 {<x4=reg128#11%bot},[<input_0=int32#1,: 64]
241 # asm 2: vld1.8 {<x4=d20},[<input_0=r0,: 64]
[all …]
/external/tensorflow/tensorflow/core/kernels/data/experimental/
Dcompute_batch_size_op.cc158 const NodeDef* input_0 = GetInputNode(node, graph, 0); in GetBatchSize() local
159 int64 batch_size_0 = GetBatchSize(*input_0, graph); in GetBatchSize()
/external/tensorflow/tensorflow/lite/testing/model_coverage/
Dmodel_coverage_lib_test.py165 input_0 = keras.layers.Input(shape=input_size)
171 input_0)
172 model = keras.models.Model(inputs=[input_0], outputs=[layer_0])
/external/tensorflow/tensorflow/python/keras/engine/
Dtraining_arrays_test.py154 input_0 = keras.Input(shape=(None,), name="input_0")
166 def call(self, inputs=[input_0, input_1]):
/external/tensorflow/tensorflow/compiler/mlir/lite/tests/
Dprepare-quantize-post-training.mlir91 // CHECK-DAG: %[[input_0:.*]] = "tfl.dequantize"({{.*}}) : (tensor<1x5x!quant.uniform<i8:f32, 0.010…
112 // CHECK: %[[lstm:.*]] = "tfl.unidirectional_sequence_lstm"(%[[input_0]], %[[input_1]], %[[input_2]…
170 // CHECK-DAG: %[[input_0:.*]] = "tfl.dequantize"({{.*}}) : (tensor<1x5x!quant.uniform<i8:f32, 0.010…
190 // CHECK: %[[lstm:.*]] = "tfl.lstm"(%[[input_0]], %[[none]], %[[input_2]], %[[input_3]], %[[input_4…
255 // CHECK-DAG: %[[input_0:.*]] = "tfl.dequantize"({{.*}}) : (tensor<1x5x!quant.uniform<i8:f32, 0.010…
280 // CHECK: %[[lstm:.*]] = "tfl.unidirectional_sequence_lstm"(%[[input_0]], %[[input_1]], %[[input_2]…
347 // CHECK-DAG: %[[input_0:.*]] = "tfl.dequantize"({{.*}}) : (tensor<1x5x!quant.uniform<i8:f32, 0.010…
372 // CHECK: %[[lstm:.*]] = "tfl.lstm"(%[[input_0]], %[[input_1]], %[[input_2]], %[[input_3]], %[[inpu…
396 // CHECK-DAG: %[[input_0:.*]] = "tfl.dequantize"({{.*}}) : (tensor<1x3x!quant.uniform<i8:f32, 0.053…
401 // CHECK: %[[svdf:.*]] = "tfl.svdf"(%[[input_0]], %[[input_1]], %[[input_2]], %[[input_3]], %[[inpu…
/external/tensorflow/tensorflow/lite/kernels/internal/optimized/integer_ops/
Ddepthwise_conv.h943 int16x8_t input_0 = vmovl_s8(input_s8_0);
945 input_0 = vaddq_s16(input_0, vdupq_n_s16(input_offset));
952 acc_0 = vmlal_s16(acc_0, vget_low_s16(input_0), vget_low_s16(filter_0));
954 vmlal_s16(acc_1, vget_high_s16(input_0), vget_high_s16(filter_0));
1395 int16x8_t input_0 = vmovl_s8(input_s8_0);
1397 input_0 = vaddq_s16(input_0, vdupq_n_s16(input_offset));
1406 acc_0 = vmlal_s16(acc_0, vget_low_s16(input_0), filter_0);
1407 acc_1 = vmlal_s16(acc_1, vget_high_s16(input_0), filter_1);
/external/libaom/libaom/av1/encoder/x86/
Dtemporal_filter_sse4.c141 __m128i input_0, input_1; in average_16() local
143 input_0 = _mm_mulhi_epu16(*sum_0_u16, *mul_constants_0); in average_16()
144 input_0 = _mm_adds_epu16(input_0, rounding_u16); in average_16()
149 input_0 = _mm_srl_epi16(input_0, strength_u128); in average_16()
152 input_0 = _mm_min_epu16(input_0, sixteen); in average_16()
154 input_0 = _mm_sub_epi16(sixteen, input_0); in average_16()
157 *sum_0_u16 = _mm_mullo_epi16(input_0, weight_u16); in average_16()
/external/tensorflow/tensorflow/lite/kernels/internal/optimized/
Ddepthwiseconv_uint8.h964 int16x8_t input_0 = vreinterpretq_s16_u16(vmovl_u8(input_u8_0));
966 input_0 = vaddq_s16(input_0, vdupq_n_s16(input_offset));
973 acc_0 = vmlal_s16(acc_0, vget_low_s16(input_0), vget_low_s16(filter_0));
975 vmlal_s16(acc_1, vget_high_s16(input_0), vget_high_s16(filter_0));
1443 int16x8_t input_0 = vreinterpretq_s16_u16(vmovl_u8(input_u8_0));
1445 input_0 = vaddq_s16(input_0, vdupq_n_s16(input_offset));
1454 acc_0 = vmlal_s16(acc_0, vget_low_s16(input_0), filter_0);
1455 acc_1 = vmlal_s16(acc_1, vget_high_s16(input_0), filter_1);
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/tests/mlir2graphdef/
Dswitchn.mlir39 … "tf_executor._SwitchN"(%outputs_14, %outputs) {T = f32, _class = ["Case/input_0"], device = "", n…
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/ir/
Dtf_device_ops.td225 %output:8 = tf_device.replicate([%0, %1] as %input_0: tensor<i32>,
237 %9 = "tf.opK"(%input_0, %input_4, %9) :

12