/external/webrtc/webrtc/common_audio/signal_processing/include/ |
D | spl_inl.h | 104 int16_t zeros; in WebRtcSpl_NormW32() local 114 zeros = 16; in WebRtcSpl_NormW32() 116 zeros = 0; in WebRtcSpl_NormW32() 118 if (!(0xFF800000 & (a << zeros))) zeros += 8; in WebRtcSpl_NormW32() 119 if (!(0xF8000000 & (a << zeros))) zeros += 4; in WebRtcSpl_NormW32() 120 if (!(0xE0000000 & (a << zeros))) zeros += 2; in WebRtcSpl_NormW32() 121 if (!(0xC0000000 & (a << zeros))) zeros += 1; in WebRtcSpl_NormW32() 123 return zeros; in WebRtcSpl_NormW32() 127 int16_t zeros; in WebRtcSpl_NormU32() local 132 zeros = 16; in WebRtcSpl_NormU32() [all …]
|
D | spl_inl_mips.h | 144 int zeros = 0; in WebRtcSpl_NormW32() local 159 : [zeros]"=&r"(zeros) in WebRtcSpl_NormW32() 163 return (int16_t)zeros; in WebRtcSpl_NormW32() 167 int zeros = 0; in WebRtcSpl_NormU32() local 171 : [zeros] "=r" (zeros) in WebRtcSpl_NormU32() 175 return (int16_t)(zeros & 0x1f); in WebRtcSpl_NormU32() 179 int zeros = 0; in WebRtcSpl_NormW16() local 195 : [zeros]"=&r"(zeros) in WebRtcSpl_NormW16() 199 return (int16_t)zeros; in WebRtcSpl_NormW16()
|
/external/webrtc/webrtc/modules/audio_processing/agc/legacy/ |
D | digital_agc.c | 82 int zeros, zerosScale; in WebRtcAgc_CalculateGainTable() local 162 zeros = WebRtcSpl_NormU32(absInLevel); in WebRtcAgc_CalculateGainTable() 164 if (zeros < 15) in WebRtcAgc_CalculateGainTable() 167 tmpU32no2 = absInLevel >> (15 - zeros); // Q(zeros-1) in WebRtcAgc_CalculateGainTable() 169 if (zeros < 9) in WebRtcAgc_CalculateGainTable() 171 zerosScale = 9 - zeros; in WebRtcAgc_CalculateGainTable() 175 tmpU32no2 >>= zeros - 9; // Q22 in WebRtcAgc_CalculateGainTable() 196 zeros = WebRtcSpl_NormW32(numFIX); in WebRtcAgc_CalculateGainTable() 199 zeros = WebRtcSpl_NormW32(den) + 8; in WebRtcAgc_CalculateGainTable() 201 numFIX <<= zeros; // Q(14+zeros) in WebRtcAgc_CalculateGainTable() [all …]
|
/external/llvm/test/MC/MachO/ |
D | x86_32-optimal_nop.s | 4 .align 4, 0 # start with 16 byte alignment filled with zeros 11 .align 4, 0 # start with 16 byte alignment filled with zeros 19 .align 4, 0 # start with 16 byte alignment filled with zeros 26 .align 4, 0 # start with 16 byte alignment filled with zeros 36 .align 4, 0 # start with 16 byte alignment filled with zeros 45 .align 4, 0 # start with 16 byte alignment filled with zeros 53 .align 4, 0 # start with 16 byte alignment filled with zeros 60 .align 4, 0 # start with 16 byte alignment filled with zeros 74 .align 4, 0 # start with 16 byte alignment filled with zeros 87 .align 4, 0 # start with 16 byte alignment filled with zeros [all …]
|
/external/swiftshader/third_party/LLVM/test/MC/MachO/ |
D | x86_32-optimal_nop.s | 4 .align 4, 0 # start with 16 byte alignment filled with zeros 11 .align 4, 0 # start with 16 byte alignment filled with zeros 19 .align 4, 0 # start with 16 byte alignment filled with zeros 26 .align 4, 0 # start with 16 byte alignment filled with zeros 36 .align 4, 0 # start with 16 byte alignment filled with zeros 45 .align 4, 0 # start with 16 byte alignment filled with zeros 53 .align 4, 0 # start with 16 byte alignment filled with zeros 60 .align 4, 0 # start with 16 byte alignment filled with zeros 74 .align 4, 0 # start with 16 byte alignment filled with zeros 87 .align 4, 0 # start with 16 byte alignment filled with zeros [all …]
|
/external/swiftshader/third_party/llvm-7.0/llvm/test/MC/MachO/ |
D | x86_32-optimal_nop.s | 4 .align 4, 0 # start with 16 byte alignment filled with zeros 11 .align 4, 0 # start with 16 byte alignment filled with zeros 19 .align 4, 0 # start with 16 byte alignment filled with zeros 26 .align 4, 0 # start with 16 byte alignment filled with zeros 36 .align 4, 0 # start with 16 byte alignment filled with zeros 45 .align 4, 0 # start with 16 byte alignment filled with zeros 53 .align 4, 0 # start with 16 byte alignment filled with zeros 60 .align 4, 0 # start with 16 byte alignment filled with zeros 74 .align 4, 0 # start with 16 byte alignment filled with zeros 87 .align 4, 0 # start with 16 byte alignment filled with zeros [all …]
|
/external/skqp/src/core/ |
D | SkMath.cpp | 15 #define sub_shift(zeros, x, n) \ argument 16 zeros -= n; \ 24 int zeros = 31; in SkCLZ_portable() local 26 sub_shift(zeros, x, 16); in SkCLZ_portable() 29 sub_shift(zeros, x, 8); in SkCLZ_portable() 32 sub_shift(zeros, x, 4); in SkCLZ_portable() 35 sub_shift(zeros, x, 2); in SkCLZ_portable() 38 sub_shift(zeros, x, 1); in SkCLZ_portable() 41 return zeros; in SkCLZ_portable()
|
/external/tensorflow/tensorflow/contrib/grid_rnn/python/kernel_tests/ |
D | grid_rnn_test.py | 40 x = array_ops.zeros([1, 3]) 41 m = ((array_ops.zeros([1, 2]), array_ops.zeros([1, 2])), 42 (array_ops.zeros([1, 2]), array_ops.zeros([1, 2]))) 98 x = array_ops.zeros([1, 3]) 99 m = ((array_ops.zeros([1, 2]), array_ops.zeros([1, 2])), 100 (array_ops.zeros([1, 2]), array_ops.zeros([1, 2]))) 141 x = array_ops.zeros([1, 3]) 142 m = ((array_ops.zeros([1, 2]), array_ops.zeros([1, 2])),) 169 x = array_ops.zeros([1, 3]) 170 m = ((array_ops.zeros([1, 2]), array_ops.zeros([1, 2])), [all …]
|
/external/skia/src/core/ |
D | SkMath.cpp | 15 #define sub_shift(zeros, x, n) \ argument 16 zeros -= n; \ 24 int zeros = 31; in SkCLZ_portable() local 26 sub_shift(zeros, x, 16); in SkCLZ_portable() 29 sub_shift(zeros, x, 8); in SkCLZ_portable() 32 sub_shift(zeros, x, 4); in SkCLZ_portable() 35 sub_shift(zeros, x, 2); in SkCLZ_portable() 38 sub_shift(zeros, x, 1); in SkCLZ_portable() 41 return zeros; in SkCLZ_portable()
|
/external/tensorflow/tensorflow/contrib/training/python/training/ |
D | device_setter_test.py | 45 u = variables.Variable(array_ops.zeros([2, 2])) 46 v = variables.Variable(array_ops.zeros([2, 1])) 47 w = variables.Variable(array_ops.zeros([2, 2])) 48 x = variables.Variable(array_ops.zeros([1, 3])) 80 u = variables.Variable(array_ops.zeros([2, 2])) 81 v = variables.Variable(array_ops.zeros([2, 1])) 82 w = variables.Variable(array_ops.zeros([2, 2])) 83 x = variables.Variable(array_ops.zeros([1, 3])) 101 u = variables.VariableV1(array_ops.zeros([2, 2])) 102 v = variables.VariableV1(array_ops.zeros([2, 1])) [all …]
|
D | sampling_ops_test.py | 43 val = [array_ops.zeros([1, 3]), array_ops.ones([1, 5])] 53 array_ops.zeros([]), 61 array_ops.zeros([1, 1]), 76 array_ops.zeros([1, 3]), label, probs, batch_size, init_probs) 91 [array_ops.zeros([2, 1])], 127 vals = [array_ops.zeros([3, 1])] 165 val_input_batch = [array_ops.zeros([2, 3, 4])] 187 val_input_batch = [array_ops.zeros([input_batch_size, 2, 3, 4])] 216 (np.zeros([2, 3]), [x % classes for x in range(2)]), # batch dim 2 217 (np.zeros([4, 15]), [x % classes for x in range(4)]), # batch dim 4 [all …]
|
/external/tensorflow/tensorflow/python/kernel_tests/ |
D | scatter_nd_ops_test.py | 290 indices = array_ops.zeros([2, 2, 2], dtypes.int32) 291 updates = array_ops.zeros([2, 2, 2], dtypes.int32) 293 ref = variables.Variable(array_ops.zeros(shape, dtypes.int32)) 302 initial_value=lambda: array_ops.zeros(shape=[], dtype=dtypes.float32), 311 indices = array_ops.zeros([1, 1, 2], dtypes.int32) 312 updates = array_ops.zeros([1, 1], dtypes.int32) 314 ref = variables.Variable(array_ops.zeros(shape, dtypes.int32)) 318 expected_result = np.zeros([2, 2], dtype=np.int32) 325 indices = array_ops.zeros([3, 2, 2], dtypes.int32) 326 updates = array_ops.zeros([2, 2, 2], dtypes.int32) [all …]
|
D | shape_ops_test.py | 164 inp = array_ops.zeros([2**31]) 172 inp = array_ops.zeros([2**31]) 190 self._compareExpandDimsAll(np.zeros([2]), 0) 191 self._compareExpandDimsAll(np.zeros([2]), 1) 192 self._compareExpandDimsAll(np.zeros([2]), -1) 194 self._compareExpandDimsAll(np.zeros([2, 3]), 0) 195 self._compareExpandDimsAll(np.zeros([2, 3]), 1) 196 self._compareExpandDimsAll(np.zeros([2, 3]), 2) 197 self._compareExpandDimsAll(np.zeros([2, 3]), -1) 198 self._compareExpandDimsAll(np.zeros([2, 3]), -2) [all …]
|
/external/libchrome/crypto/ |
D | p224_unittest.cc | 813 char zeros[56]; in TEST() local 814 memset(zeros, 0, sizeof(zeros)); in TEST() 818 p224::ScalarBaseMult(reinterpret_cast<const uint8_t*>(zeros), &a); in TEST() 819 EXPECT_EQ(0, memcmp(zeros, a.ToString().data(), sizeof(zeros))); in TEST() 822 EXPECT_FALSE(a.SetFromString(std::string(zeros, sizeof(zeros)))); in TEST()
|
/external/tensorflow/tensorflow/python/ops/linalg/ |
D | linear_operator_zeros.py | 282 zeros = array_ops.zeros(shape=special_shape, dtype=self.dtype) 283 return x + zeros 289 zeros = array_ops.zeros(shape=special_shape, dtype=self.dtype) 290 return x + zeros 307 array_ops.zeros(shape=output_shape, dtype=x.dtype)) 315 zeros = array_ops.zeros(shape=output_shape, dtype=x.dtype) 316 return self._possibly_broadcast_batch_shape(zeros) 320 return array_ops.zeros(shape=self.batch_shape, dtype=self.dtype) 322 return array_ops.zeros(shape=self.batch_shape_tensor(), dtype=self.dtype) 327 return array_ops.zeros(shape=self.batch_shape, dtype=self.dtype) [all …]
|
/external/libaom/libaom/av1/common/x86/ |
D | cfl_sse2.c | 26 const __m128i zeros = _mm_setzero_si128(); in subtract_average_sse2() local 32 __m128i sum = zeros; in subtract_average_sse2() 40 sum = _mm_add_epi32(sum, _mm_add_epi32(_mm_unpacklo_epi16(l0, zeros), in subtract_average_sse2() 41 _mm_unpacklo_epi16(l1, zeros))); in subtract_average_sse2() 49 sum = _mm_add_epi32(sum, _mm_add_epi32(_mm_unpacklo_epi16(l0, zeros), in subtract_average_sse2() 50 _mm_unpackhi_epi16(l0, zeros))); in subtract_average_sse2() 53 sum = _mm_add_epi32(sum, _mm_add_epi32(_mm_unpacklo_epi16(l0, zeros), in subtract_average_sse2() 54 _mm_unpackhi_epi16(l0, zeros))); in subtract_average_sse2()
|
/external/tensorflow/tensorflow/contrib/gan/python/features/python/ |
D | virtual_batchnorm_test.py | 41 reference_batch = array_ops.zeros([5, 3, 16, 9, 15]) 47 reference_batch = array_ops.zeros([5, 3, 16, 9, 15]) 48 minibatch = array_ops.zeros([5, 3, 16, 3, 15]) 190 tensor1_ref = array_ops.zeros([6, 5, 7, 3, 3]) 191 tensor1_examples = array_ops.zeros([4, 5, 7, 3, 3]) 192 tensor2_ref = array_ops.zeros([4, 2, 3]) 193 tensor2_examples = array_ops.zeros([2, 2, 3]) 235 virtual_batchnorm.VBN(array_ops.zeros([1, 2]), axis=-3, name='vbn2') 240 virtual_batchnorm.VBN(array_ops.zeros([1, 2]), axis=2, name='vbn3') 245 virtual_batchnorm.VBN(array_ops.zeros([1, 2]), name='vbn4', batch_axis=-3) [all …]
|
/external/tensorflow/tensorflow/python/keras/layers/ |
D | recurrent_test.py | 85 model.train_on_batch(np.zeros((6, 5, 5)), np.zeros((6, 32))) 98 model.train_on_batch(np.zeros((6, 5, 5)), np.zeros((6, 32))) 128 model.train_on_batch(np.zeros((6, 5, 5)), np.zeros((6, 32))) 143 model.train_on_batch(np.zeros((6, 5, 5)), np.zeros((6, 32))) 185 model.train_on_batch(np.zeros((6, 5, 5)), np.zeros((6, 32))) 211 model.train_on_batch(np.zeros((6, 5, 5)), np.zeros((6, 32))) 267 model.train_on_batch(np.zeros((6, 5, 5)), np.zeros((6, 32))) 279 model.train_on_batch(np.zeros((6, 5, 5)), np.zeros((6, 32))) 308 np.zeros((batch, time_step, embedding_dim)), 309 np.zeros((batch, time_step, units))) [all …]
|
/external/tensorflow/tensorflow/contrib/rnn/python/kernel_tests/ |
D | rnn_cell_test.py | 65 cell_output, _ = cell(array_ops.zeros(in_shape, dtype), state_output) 82 x = array_ops.zeros([1, 2]) 83 m = array_ops.zeros([1, 2]) 103 x = array_ops.zeros([1, 2]) 104 m = array_ops.zeros([1, 2]) 116 x = array_ops.zeros([1, 3]) 117 m = array_ops.zeros([1, 2]) 133 x = array_ops.zeros([1, 2], dtype=dtype) 134 state_0 = (array_ops.zeros([1, 2], dtype=dtype),) * 2 135 state_1 = (array_ops.zeros([1, 2], dtype=dtype),) * 2 [all …]
|
/external/smali/util/src/main/java/org/jf/util/ |
D | NumberUtils.java | 87 int zeros = asFloat.indexOf("000"); in isLikelyFloat() local 88 if (zeros > decimalPoint && zeros < exponent) { in isLikelyFloat() 89 asFloat = asFloat.substring(0, zeros) + asFloat.substring(exponent); in isLikelyFloat() 129 int zeros = asDouble.indexOf("000"); in isLikelyDouble() local 130 if (zeros > decimalPoint && zeros < exponent) { in isLikelyDouble() 131 asDouble = asDouble.substring(0, zeros) + asDouble.substring(exponent); in isLikelyDouble()
|
/external/tensorflow/tensorflow/contrib/distributions/python/kernel_tests/ |
D | vector_laplace_diag_test.py | 57 mu = array_ops.zeros((1, 3)) 105 mu = np.zeros([2, 3]) 131 loc=array_ops.zeros([2, 3], dtype=dtypes.float32)) 137 loc=array_ops.zeros([3], dtype=dtypes.float32), 151 loc=array_ops.zeros([3], dtype=dtypes.float32), 167 loc=array_ops.zeros([2, 3], dtype=dtypes.float32)) 173 loc=array_ops.zeros([3], dtype=dtypes.float32), 181 loc=array_ops.zeros([3], dtype=dtypes.float32), 192 loc=array_ops.zeros([2, 3], dtype=dtypes.float32)) 198 loc=array_ops.zeros([3], dtype=dtypes.float32), [all …]
|
/external/bsdiff/ |
D | split_patch_writer_unittest.cc | 62 std::vector<uint8_t> zeros(20, 0); in TEST_F() local 65 EXPECT_TRUE(patch_writer_->WriteDiffStream(zeros.data(), 12)); in TEST_F() 66 EXPECT_TRUE(patch_writer_->WriteExtraStream(zeros.data(), 5)); in TEST_F() 73 std::vector<uint8_t> zeros(20, 0); in TEST_F() local 75 EXPECT_TRUE(patch_writer_->WriteDiffStream(zeros.data(), 5)); in TEST_F() 78 EXPECT_TRUE(patch_writer_->WriteExtraStream(zeros.data(), 10)); in TEST_F() 97 std::vector<uint8_t> zeros(40, 0); in TEST_F() local 99 patch_writer_->WriteDiffStream(zeros.data(), 5 + 4 + 6 + 1 + 1 + 4)); in TEST_F() 100 EXPECT_TRUE(patch_writer_->WriteExtraStream(zeros.data(), 1 + 18)); in TEST_F()
|
/external/tensorflow/tensorflow/python/kernel_tests/linalg/ |
D | linear_operator_util_test.py | 119 batch_of_zeros = np.zeros((3, 4, 2, 1, 1)) 138 batch_of_zeros = np.zeros((1, 3, 2, 1, 1)) 158 batch_of_zeros = np.zeros((3, 4, 2, 1, 1)).astype(np.float32) 179 batch_of_zeros = np.zeros((3, 4, 2, 1, 1)).astype(np.float32) 211 chol_broadcast = chol + np.zeros((2, 1, 1)) 224 chol_broadcast = chol + np.zeros((2, 2, 1, 1)) 225 rhs_broadcast = rhs + np.zeros((2, 2, 1, 1)) 252 y_broadcast = y + np.zeros((2, 1, 1)) 270 x_broadcast = x + np.zeros((2, 3, 5, 7)) 288 x_broadcast = x + np.zeros((2, 3, 1, 1)) [all …]
|
/external/libxcam/modules/ocl/ |
D | cv_wiener_filter.cpp | 41 cv::Mat padded = cv::Mat::zeros (image_h, image_w, CV_32FC1); in wiener_filter() 50 unknown_ft[0] = cv::Mat::zeros (image_h, image_w, CV_32FC1); in wiener_filter() 51 unknown_ft[1] = cv::Mat::zeros (image_h, image_w, CV_32FC1); in wiener_filter() 54 …cv::Mat denominator_splitted[] = {cv::Mat::zeros (blurred_image.size (), CV_32FC1), cv::Mat::zeros… in wiener_filter() 61 …cv::Mat numerator_splitted[] = {cv::Mat::zeros (blurred_image.size (), CV_32FC1), cv::Mat::zeros (… in wiener_filter()
|
/external/tensorflow/tensorflow/python/keras/engine/ |
D | training_eager_test.py | 56 hist = model.fit(np.zeros((1, 1)), np.zeros((1, 1))) 59 loss = model.train_on_batch(np.zeros((1, 1)), np.zeros((1, 1))) 93 input_a = array_ops.zeros(shape=(10, 3)) 94 input_b = array_ops.zeros(shape=(10, 3)) 95 target_a = array_ops.zeros(shape=(10, 4)) 96 target_b = array_ops.zeros(shape=(10, 4)) 121 input_b = np.zeros(shape=(10, 3)).astype('float32') 122 target_b = np.zeros(shape=(10, 4)).astype('float32') 162 inputs = array_ops.zeros(shape=(10, 3)) 163 targets = array_ops.zeros(shape=(10, 4)) [all …]
|