/external/libaom/libaom/aom_dsp/arm/ |
D | fwd_txfm_neon.c | 22 int16x4_t *input_2, int16x4_t *input_3) { in aom_fdct4x4_helper() argument 26 *input_3 = vshl_n_s16(vld1_s16(input + 3 * stride), 4); in aom_fdct4x4_helper() 35 const int16x8_t input_32 = vcombine_s16(*input_3, *input_2); in aom_fdct4x4_helper() 75 *input_3 = out_3; 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() 89 int16x8_t out_23 = vcombine_s16(input_2, input_3); 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() 106 int16x8_t out_23 = vcombine_s16(input_2, input_3); in aom_fdct4x4_lp_neon() [all …]
|
/external/libvpx/libvpx/vpx_dsp/arm/ |
D | fdct_neon.c | 28 int16x4_t input_3 = vshl_n_s16(vld1_s16(input + 3 * stride), 4); in vpx_fdct4x4_neon() local 38 const int16x8_t input_32 = vcombine_s16(input_3, input_2); in vpx_fdct4x4_neon() 78 input_3 = out_3; in vpx_fdct4x4_neon() 85 int16x8_t out_23 = vcombine_s16(input_2, input_3); in vpx_fdct4x4_neon()
|
D | fwd_txfm_neon.c | 27 int16x8_t input_3 = vshlq_n_s16(vld1q_s16(&input[3 * stride]), 2); in vpx_fdct8x8_neon() local 37 const int16x8_t v_s3 = vaddq_s16(input_3, input_4); in vpx_fdct8x8_neon() 38 const int16x8_t v_s4 = vsubq_s16(input_3, input_4); in vpx_fdct8x8_neon() 164 input_3 = r23_s16.val[1]; in vpx_fdct8x8_neon() 187 const int16x8_t sign_in3 = vshrq_n_s16(input_3, 15); in vpx_fdct8x8_neon() 195 input_3 = vhsubq_s16(input_3, sign_in3); in vpx_fdct8x8_neon() 204 store_s16q_to_tran_low(final_output + 3 * 8, input_3); in vpx_fdct8x8_neon()
|
/external/tensorflow/tensorflow/lite/micro/kernels/xtensa/ |
D | depthwise_conv.cc | 245 ae_p24x2s input_0, input_1, input_2, input_3; in DepthwiseConv4x32MatchingInputAndFilter() local 249 AE_LP8X2F_IU(input_3, input_3_ptr, 2); in DepthwiseConv4x32MatchingInputAndFilter() 255 input_3 = AE_P24X2S_SRAI(input_3, 16); in DepthwiseConv4x32MatchingInputAndFilter() 260 input_3 = AE_P24S_ADDS_P24X2S(input_3, input_offset_24x2); in DepthwiseConv4x32MatchingInputAndFilter() 267 AE_MULAS56P24S_HH(block_0_acc, input_3, weight_3); in DepthwiseConv4x32MatchingInputAndFilter() 272 AE_MULAS56P24S_LL(block_1_acc, input_3, weight_3); in DepthwiseConv4x32MatchingInputAndFilter()
|
/external/tensorflow/tensorflow/python/keras/engine/ |
D | correctness_test.py | 47 input_3 = keras.Input(shape=(1,)) 48 added = keras.layers.Add()([input_1, input_2, input_3]) 50 return keras.Model([input_1, input_2, input_3], output)
|
/external/tensorflow/tensorflow/compiler/mlir/lite/tests/ |
D | prepare-quantize-post-training.mlir | 94 // CHECK-DAG: %[[input_3:.*]] = "tfl.dequantize"({{.*}}) : (tensor<2x5x!quant.uniform<i8<-127:127>:… 112 …idirectional_sequence_lstm"(%[[input_0]], %[[input_1]], %[[input_2]], %[[input_3]], %[[input_4]], … 172 // CHECK-DAG: %[[input_3:.*]] = "tfl.dequantize"({{.*}}) : (tensor<2x5x!quant.uniform<i8<-127:127>:… 190 // CHECK: %[[lstm:.*]] = "tfl.lstm"(%[[input_0]], %[[none]], %[[input_2]], %[[input_3]], %[[input_4… 258 // CHECK-DAG: %[[input_3:.*]] = "tfl.dequantize"({{.*}}) : (tensor<2x5x!quant.uniform<i8<-127:127>:… 280 …idirectional_sequence_lstm"(%[[input_0]], %[[input_1]], %[[input_2]], %[[input_3]], %[[input_4]], … 350 // CHECK-DAG: %[[input_3:.*]] = "tfl.dequantize"({{.*}}) : (tensor<2x5x!quant.uniform<i8<-127:127>:… 372 // CHECK: %[[lstm:.*]] = "tfl.lstm"(%[[input_0]], %[[input_1]], %[[input_2]], %[[input_3]], %[[inpu… 399 // CHECK-DAG: %[[input_3:.*]] = "tfl.dequantize"({{.*}}) : (tensor<2x!quant.uniform<i32:f32, 1.3900… 401 // CHECK: %[[svdf:.*]] = "tfl.svdf"(%[[input_0]], %[[input_1]], %[[input_2]], %[[input_3]], %[[inpu…
|
/external/tensorflow/tensorflow/core/kernels/ |
D | restore_v2_op_test.cc | 132 Tensor input_3 = MakeInput<int32>(TensorShape({10}), in RunTest() local 134 inputs.push_back({nullptr, &input_3}); in RunTest()
|
D | restore_op_test.cc | 114 Tensor input_3 = MakeInput<int32>(TensorShape({10}), in TEST_F() local 116 inputs.push_back({nullptr, &input_3}); in TEST_F()
|
/external/rust/crates/quiche/deps/boringssl/src/crypto/poly1305/ |
D | poly1305_arm_asm.S | 22 # qhasm: int32 input_3 175 # qhasm: len = input_3 176 # asm 1: mov >len=int32#4,<input_3=int32#4 177 # asm 2: mov >len=r3,<input_3=r3 1539 # qhasm: int32 input_3 1691 # qhasm: c01 aligned= mem128[input_3];input_3+=16 1692 # asm 1: vld1.8 {>c01=reg128#14%bot->c01=reg128#14%top},[<input_3=int32#4,: 128]! 1693 # asm 2: vld1.8 {>c01=d26->c01=d27},[<input_3=r3,: 128]! 1701 # qhasm: c23 aligned= mem128[input_3];input_3+=16 1702 # asm 1: vld1.8 {>c23=reg128#14%bot->c23=reg128#14%top},[<input_3=int32#4,: 128]! [all …]
|
/external/rust/crates/ring/crypto/poly1305/ |
D | poly1305_arm_asm.S | 24 # qhasm: int32 input_3 177 # qhasm: len = input_3 178 # asm 1: mov >len=int32#4,<input_3=int32#4 179 # asm 2: mov >len=r3,<input_3=r3 1541 # qhasm: int32 input_3 1693 # qhasm: c01 aligned= mem128[input_3];input_3+=16 1694 # asm 1: vld1.8 {>c01=reg128#14%bot->c01=reg128#14%top},[<input_3=int32#4,: 128]! 1695 # asm 2: vld1.8 {>c01=d26->c01=d27},[<input_3=r3,: 128]! 1703 # qhasm: c23 aligned= mem128[input_3];input_3+=16 1704 # asm 1: vld1.8 {>c23=reg128#14%bot->c23=reg128#14%top},[<input_3=int32#4,: 128]! [all …]
|
/external/boringssl/src/crypto/poly1305/ |
D | poly1305_arm_asm.S | 22 # qhasm: int32 input_3 175 # qhasm: len = input_3 176 # asm 1: mov >len=int32#4,<input_3=int32#4 177 # asm 2: mov >len=r3,<input_3=r3 1539 # qhasm: int32 input_3 1691 # qhasm: c01 aligned= mem128[input_3];input_3+=16 1692 # asm 1: vld1.8 {>c01=reg128#14%bot->c01=reg128#14%top},[<input_3=int32#4,: 128]! 1693 # asm 2: vld1.8 {>c01=d26->c01=d27},[<input_3=r3,: 128]! 1701 # qhasm: c23 aligned= mem128[input_3];input_3+=16 1702 # asm 1: vld1.8 {>c23=reg128#14%bot->c23=reg128#14%top},[<input_3=int32#4,: 128]! [all …]
|
/external/tensorflow/tensorflow/compiler/mlir/tensorflow/ir/ |
D | tf_device_ops.td | 228 [%6, %7] as %input_3: tensor<!tf.string>, 252 %n = "tf.opN"(%input_3, %input_4, %9) :
|
/external/libgav1/libgav1/src/dsp/arm/ |
D | loop_filter_neon.cc | 975 uint8x16_t input_3 = vqtbl1q_u8(x3, index_qp7toqp0); in Vertical14_NEON() local 993 const uint8x16_t input_3 = vcombine_u8(x3_qp3qp0, x3_qp7qp4); in Vertical14_NEON() local 999 const uint8x16x2_t in23 = vtrnq_u8(input_2, input_3); in Vertical14_NEON()
|
/external/tensorflow/tensorflow/lite/kernels/internal/optimized/ |
D | depthwiseconv_float.h | 198 float32x4_t input_3 = vld1q_f32(local_input_ptr + 4 * 3); 209 acc_3 = vmlaq_f32(acc_3, input_3, filter_3);
|
/external/tensorflow/tensorflow/python/keras/layers/ |
D | recurrent_test.py | 1863 input_2, input_3 = inputs_shape.t2[1:] 1866 input_2, input_3 = inputs_shape[1][1:] 1871 shape=(input_2, input_3, self.unit_2, self.unit_3),
|
/external/vixl/test/aarch64/ |
D | test-simulator-aarch64.cc | 5047 VRegister input_3 = in GenerateSum() local 5058 __ Fadd(result, temp, input_3); in GenerateSum()
|