/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 25 *input_2 = vshl_n_s16(vld1_s16(input + 2 * stride), 4); in aom_fdct4x4_helper() 35 const int16x8_t input_32 = vcombine_s16(*input_3, *input_2); in aom_fdct4x4_helper() 74 *input_2 = out_2; 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 | 27 int16x4_t input_2 = vshl_n_s16(vld1_s16(input + 2 * stride), 4); in vpx_fdct4x4_neon() local 38 const int16x8_t input_32 = vcombine_s16(input_3, input_2); in vpx_fdct4x4_neon() 77 input_2 = out_2; in vpx_fdct4x4_neon() 85 int16x8_t out_23 = vcombine_s16(input_2, input_3); in vpx_fdct4x4_neon()
|
D | fwd_txfm_neon.c | 26 int16x8_t input_2 = vshlq_n_s16(vld1q_s16(&input[2 * stride]), 2); in vpx_fdct8x8_neon() local 36 const int16x8_t v_s2 = vaddq_s16(input_2, input_5); in vpx_fdct8x8_neon() 39 const int16x8_t v_s5 = vsubq_s16(input_2, input_5); in vpx_fdct8x8_neon() 163 input_2 = r23_s16.val[0]; in vpx_fdct8x8_neon() 186 const int16x8_t sign_in2 = vshrq_n_s16(input_2, 15); in vpx_fdct8x8_neon() 194 input_2 = vhsubq_s16(input_2, sign_in2); in vpx_fdct8x8_neon() 203 store_s16q_to_tran_low(final_output + 2 * 8, input_2); in vpx_fdct8x8_neon()
|
/external/llvm/test/Transforms/InstCombine/ |
D | vec_phi_extract.ll | 83 define i1 @g(<3 x i32> %input_2) { 85 ; CHECK: extractelement <3 x i32> %input_2, i32 0 90 %input_2.addr.0 = phi <3 x i32> [ %input_2, %entry ], [ %div45, %for.body ] 98 %div45 = sdiv <3 x i32> %input_2.addr.0, %sub44 102 %0 = extractelement <3 x i32> %input_2.addr.0, i32 0
|
/external/llvm-project/llvm/test/Transforms/InstCombine/ |
D | vec_phi_extract.ll | 83 define i1 @g(<3 x i32> %input_2) { 85 ; CHECK: extractelement <3 x i32> %input_2, i32 0 90 %input_2.addr.0 = phi <3 x i32> [ %input_2, %entry ], [ %div45, %for.body ] 98 %div45 = sdiv <3 x i32> %input_2.addr.0, %sub44 102 %0 = extractelement <3 x i32> %input_2.addr.0, i32 0
|
/external/tensorflow/tensorflow/lite/tools/optimize/ |
D | modify_model_interface_test.cc | 382 auto input_2 = model->subgraphs[0]->tensors[fc_op->inputs[1]].get(); in TEST_P() local 383 EXPECT_EQ(input_2->name, "tensor_3"); in TEST_P() 384 EXPECT_EQ(input_2->type, quantization_type); in TEST_P() 385 EXPECT_FLOAT_EQ(input_2->quantization->scale[0], 0.12); in TEST_P() 386 EXPECT_EQ(input_2->quantization->zero_point[0], 50); in TEST_P() 511 auto input_2 = model->subgraphs[0]->tensors[input_quant_2->inputs[0]].get(); in TEST() local 512 EXPECT_EQ(input_2->name, "tensor_1"); in TEST() 513 EXPECT_EQ(input_2->type, TensorType_UINT8); in TEST() 514 EXPECT_FLOAT_EQ(input_2->quantization->scale[0], 0.12); in TEST() 515 EXPECT_EQ(input_2->quantization->zero_point[0], 178); in TEST() [all …]
|
/external/rust/crates/quiche/deps/boringssl/src/crypto/poly1305/ |
D | poly1305_arm_asm.S | 20 # qhasm: int32 input_2 454 # qhasm: input_2 += 32 455 # asm 1: add >input_2=int32#2,<input_2=int32#3,#32 456 # asm 2: add >input_2=r1,<input_2=r2,#32 462 # qhasm: c01 = mem128[input_2];input_2+=16 463 # asm 1: vld1.8 {>c01=reg128#1%bot->c01=reg128#1%top},[<input_2=int32#2]! 464 # asm 2: vld1.8 {>c01=d0->c01=d1},[<input_2=r1]! 467 # qhasm: c23 = mem128[input_2];input_2+=16 468 # asm 1: vld1.8 {>c23=reg128#2%bot->c23=reg128#2%top},[<input_2=int32#2]! 469 # asm 2: vld1.8 {>c23=d2->c23=d3},[<input_2=r1]! [all …]
|
/external/rust/crates/ring/crypto/poly1305/ |
D | poly1305_arm_asm.S | 22 # qhasm: int32 input_2 456 # qhasm: input_2 += 32 457 # asm 1: add >input_2=int32#2,<input_2=int32#3,#32 458 # asm 2: add >input_2=r1,<input_2=r2,#32 464 # qhasm: c01 = mem128[input_2];input_2+=16 465 # asm 1: vld1.8 {>c01=reg128#1%bot->c01=reg128#1%top},[<input_2=int32#2]! 466 # asm 2: vld1.8 {>c01=d0->c01=d1},[<input_2=r1]! 469 # qhasm: c23 = mem128[input_2];input_2+=16 470 # asm 1: vld1.8 {>c23=reg128#2%bot->c23=reg128#2%top},[<input_2=int32#2]! 471 # asm 2: vld1.8 {>c23=d2->c23=d3},[<input_2=r1]! [all …]
|
/external/boringssl/src/crypto/poly1305/ |
D | poly1305_arm_asm.S | 20 # qhasm: int32 input_2 454 # qhasm: input_2 += 32 455 # asm 1: add >input_2=int32#2,<input_2=int32#3,#32 456 # asm 2: add >input_2=r1,<input_2=r2,#32 462 # qhasm: c01 = mem128[input_2];input_2+=16 463 # asm 1: vld1.8 {>c01=reg128#1%bot->c01=reg128#1%top},[<input_2=int32#2]! 464 # asm 2: vld1.8 {>c01=d0->c01=d1},[<input_2=r1]! 467 # qhasm: c23 = mem128[input_2];input_2+=16 468 # asm 1: vld1.8 {>c23=reg128#2%bot->c23=reg128#2%top},[<input_2=int32#2]! 469 # asm 2: vld1.8 {>c23=d2->c23=d3},[<input_2=r1]! [all …]
|
/external/tensorflow/tensorflow/lite/kernels/internal/reference/ |
D | portable_tensor_utils.h | 213 void CwiseMul(const int16_t* input_1, const int16_t* input_2, int n_batch, in CwiseMul() argument 215 PortableCwiseMul(input_1, input_2, n_batch, n_input, shift, output); in CwiseMul() 218 void CwiseMul(const int16_t* input_1, const int16_t* input_2, in CwiseMul() argument 221 PortableCwiseMul(input_1, input_2, multiplier, shift, n_batch, n_input, in CwiseMul() 225 void CwiseAdd(const int16_t* input_1, const int16_t* input_2, int n_batch, in CwiseAdd() argument 227 PortableCwiseAdd(input_1, input_2, n_batch, n_input, output); in CwiseAdd()
|
D | portable_tensor_utils_impl.h | 165 void PortableCwiseMul(const int16_t* input_1, const int16_t* input_2, 168 void PortableCwiseMul(const int16_t* input_1, const int16_t* input_2, 172 void PortableCwiseAdd(const int16_t* input_1, const int16_t* input_2,
|
D | portable_tensor_utils.cc | 607 void PortableCwiseMul(const int16_t* input_1, const int16_t* input_2, in PortableCwiseMul() argument 613 const int16_t b = input_2[index]; in PortableCwiseMul() 621 void PortableCwiseMul(const int16_t* input_1, const int16_t* input_2, in PortableCwiseMul() argument 628 const int16_t b = input_2[index]; in PortableCwiseMul() 640 void PortableCwiseAdd(const int16_t* input_1, const int16_t* input_2, in PortableCwiseAdd() argument 645 int32_t sum = input_1[index] + input_2[index]; in PortableCwiseAdd()
|
/external/tensorflow/tensorflow/lite/kernels/internal/optimized/ |
D | neon_tensor_utils.h | 181 void CwiseMul(const int16_t* input_1, const int16_t* input_2, int n_batch, in CwiseMul() argument 183 NEON_OR_PORTABLE(CwiseMul, input_1, input_2, n_batch, n_input, shift, output); in CwiseMul() 186 void CwiseMul(const int16_t* input_1, const int16_t* input_2, in CwiseMul() argument 189 NEON_OR_PORTABLE(CwiseMul, input_1, input_2, multiplier, shift, n_batch, in CwiseMul() 193 void CwiseAdd(const int16_t* input_1, const int16_t* input_2, int n_batch, in CwiseAdd() argument 195 NEON_OR_PORTABLE(CwiseAdd, input_1, input_2, n_batch, n_input, output); in CwiseAdd()
|
D | sse_tensor_utils.h | 189 void CwiseMul(const int16_t* input_1, const int16_t* input_2, int n_batch, in CwiseMul() argument 191 PortableCwiseMul(input_1, input_2, n_batch, n_input, shift, output); in CwiseMul() 194 void CwiseMul(const int16_t* input_1, const int16_t* input_2, in CwiseMul() argument 197 PortableCwiseMul(input_1, input_2, multiplier, shift, n_batch, n_input, in CwiseMul() 201 void CwiseAdd(const int16_t* input_1, const int16_t* input_2, int n_batch, in CwiseAdd() argument 203 PortableCwiseAdd(input_1, input_2, n_batch, n_input, output); in CwiseAdd()
|
D | neon_tensor_utils_impl.h | 73 void NeonCwiseMul(const int16_t* input_1, const int16_t* input_2, int n_batch, 76 void NeonCwiseMul(const int16_t* input_1, const int16_t* input_2, 80 void NeonCwiseAdd(const int16_t* input_1, const int16_t* input_2, int n_batch,
|
/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 248 AE_LP8X2F_IU(input_2, input_2_ptr, 2); in DepthwiseConv4x32MatchingInputAndFilter() 254 input_2 = AE_P24X2S_SRAI(input_2, 16); in DepthwiseConv4x32MatchingInputAndFilter() 259 input_2 = AE_P24S_ADDS_P24X2S(input_2, input_offset_24x2); in DepthwiseConv4x32MatchingInputAndFilter() 266 AE_MULAS56P24S_HH(block_0_acc, input_2, weight_2); in DepthwiseConv4x32MatchingInputAndFilter() 271 AE_MULAS56P24S_LL(block_1_acc, input_2, weight_2); in DepthwiseConv4x32MatchingInputAndFilter()
|
/external/tensorflow/tensorflow/python/keras/engine/ |
D | correctness_test.py | 46 input_2 = 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/core/kernels/ |
D | restore_op_test.cc | 110 Tensor input_2 = in TEST_F() local 112 inputs.push_back({nullptr, &input_2}); in TEST_F() 413 Tensor input_2(DT_INT32, TensorShape({4, 16})); in TEST_F() local 414 for (int64 i = 0; i < input_2.NumElements(); ++i) { in TEST_F() 415 input_2.flat<int32>()(i) = i + 1; in TEST_F() 417 inputs.push_back({nullptr, &input_2}); in TEST_F()
|
D | restore_v2_op_test.cc | 128 Tensor input_2 = MakeInput<bool>(TensorShape({2}), in RunTest() local 130 inputs.push_back({nullptr, &input_2}); in RunTest()
|
/external/tensorflow/tensorflow/lite/kernels/internal/ |
D | tensor_utils_common.h | 256 void CwiseMul(const int16_t* input_1, const int16_t* input_2, int n_batch, 268 void CwiseMul(const int16_t* input_1, const int16_t* input_2, int n_batch, 284 void CwiseMul(const int16_t* input_1, const int16_t* input_2, 296 void CwiseAdd(const int16_t* input_1, const int16_t* input_2, int n_batch,
|
/external/tensorflow/tensorflow/python/keras/layers/preprocessing/benchmarks/ |
D | category_crossing_benchmark.py | 73 input_2 = keras.Input(shape=(1,), dtype=dtypes.int64, name="int") 75 _ = layer([input_1, input_2])
|
/external/tensorflow/tensorflow/python/keras/ |
D | regularizers_test.py | 61 input_2 = keras.layers.Input(shape=(DATA_DIM,)) 63 out2 = layer2(input_2) 65 model = keras.models.Model([input_1, input_2], out)
|
/external/tensorflow/tensorflow/python/keras/layers/ |
D | recurrent_test.py | 1093 input_2 = keras.Input((t, i2, i3), batch_size=batch_size) 1095 outputs = rnn((input_1, input_2)) 1101 model = keras.models.Model((input_1, input_2), outputs) 1117 input_2 = keras.Input((t, i2, i3), batch_size=batch_size) 1119 outputs = rnn(NestedInput(t1=input_1, t2=input_2)) 1125 model = keras.models.Model([input_1, input_2], outputs) 1147 input_2 = keras.Input((t, i2, i3)) 1149 output1, output2, s1, s2 = rnn((input_1, input_2)) 1156 model = keras.models.Model([input_1, input_2], [output1, output2]) 1173 input_2 = keras.Input((t, i2, i3)) [all …]
|
/external/tensorflow/tensorflow/compiler/mlir/lite/tests/ |
D | prepare-quantize-post-training.mlir | 93 // CHECK-DAG: %[[input_2:.*]] = "tfl.dequantize"({{.*}}) : (tensor<2x5x!quant.uniform<i8<-127:127>:… 112 // CHECK: %[[lstm:.*]] = "tfl.unidirectional_sequence_lstm"(%[[input_0]], %[[input_1]], %[[input_2]… 171 // CHECK-DAG: %[[input_2:.*]] = "tfl.dequantize"({{.*}}) : (tensor<2x5x!quant.uniform<i8<-127:127>:… 190 // CHECK: %[[lstm:.*]] = "tfl.lstm"(%[[input_0]], %[[none]], %[[input_2]], %[[input_3]], %[[input_4… 257 // CHECK-DAG: %[[input_2:.*]] = "tfl.dequantize"({{.*}}) : (tensor<2x5x!quant.uniform<i8<-127:127>:… 280 // CHECK: %[[lstm:.*]] = "tfl.unidirectional_sequence_lstm"(%[[input_0]], %[[input_1]], %[[input_2]… 349 // CHECK-DAG: %[[input_2:.*]] = "tfl.dequantize"({{.*}}) : (tensor<2x5x!quant.uniform<i8<-127:127>:… 372 // CHECK: %[[lstm:.*]] = "tfl.lstm"(%[[input_0]], %[[input_1]], %[[input_2]], %[[input_3]], %[[inpu… 398 // CHECK-DAG: %[[input_2:.*]] = "tfl.dequantize"({{.*}}) : (tensor<2x1x!quant.uniform<i16<-512:512>… 401 // CHECK: %[[svdf:.*]] = "tfl.svdf"(%[[input_0]], %[[input_1]], %[[input_2]], %[[input_3]], %[[inpu…
|
/external/tensorflow/tensorflow/compiler/tf2tensorrt/segment/ |
D | segment_test.cc | 508 auto input_2 = in TEST_F() local 510 auto multiple = ops::Mul(s.WithOpName("multiple"), input_2, input_2); in TEST_F()
|