Home
last modified time | relevance | path

Searched refs:zeros (Results 1 – 25 of 1769) sorted by relevance

12345678910>>...71

/external/webrtc/modules/audio_processing/
Dresidual_echo_detector_unittest.cc25 std::vector<float> zeros(160, 0.f); in TEST() local
33 echo_detector->AnalyzeCaptureAudio(zeros); in TEST()
35 echo_detector->AnalyzeRenderAudio(zeros); in TEST()
38 echo_detector->AnalyzeRenderAudio(zeros); in TEST()
39 echo_detector->AnalyzeCaptureAudio(zeros); in TEST()
53 std::vector<float> zeros(160, 0.f); in TEST() local
61 echo_detector->AnalyzeRenderAudio(zeros); in TEST()
63 echo_detector->AnalyzeCaptureAudio(zeros); in TEST()
76 std::vector<float> zeros(160, 0.f); in TEST() local
85 echo_detector->AnalyzeCaptureAudio(zeros); in TEST()
[all …]
/external/webrtc/modules/audio_processing/agc/legacy/
Ddigital_agc.cc87 int zeros, zerosScale; in WebRtcAgc_CalculateGainTable() local
169 zeros = WebRtcSpl_NormU32(absInLevel); in WebRtcAgc_CalculateGainTable()
171 if (zeros < 15) { in WebRtcAgc_CalculateGainTable()
173 tmpU32no2 = absInLevel >> (15 - zeros); // Q(zeros-1) in WebRtcAgc_CalculateGainTable()
175 if (zeros < 9) { in WebRtcAgc_CalculateGainTable()
176 zerosScale = 9 - zeros; in WebRtcAgc_CalculateGainTable()
179 tmpU32no2 >>= zeros - 9; // Q22 in WebRtcAgc_CalculateGainTable()
197 zeros = WebRtcSpl_NormW32(numFIX); in WebRtcAgc_CalculateGainTable()
199 zeros = WebRtcSpl_NormW32(den) + 8; in WebRtcAgc_CalculateGainTable()
201 numFIX *= 1 << zeros; // Q(14+zeros) in WebRtcAgc_CalculateGainTable()
[all …]
/external/llvm-project/llvm/test/MC/MachO/
Dx86_32-optimal_nop.s4 .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/llvm/test/MC/MachO/
Dx86_32-optimal_nop.s4 .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/webrtc/common_audio/signal_processing/include/
Dspl_inl_mips.h130 int zeros = 0; in WebRtcSpl_NormW32() local
145 : [zeros] "=&r"(zeros) in WebRtcSpl_NormW32()
148 return (int16_t)zeros; in WebRtcSpl_NormW32()
152 int zeros = 0; in WebRtcSpl_NormU32() local
155 : [zeros] "=r"(zeros) in WebRtcSpl_NormU32()
158 return (int16_t)(zeros & 0x1f); in WebRtcSpl_NormU32()
162 int zeros = 0; in WebRtcSpl_NormW16() local
178 : [zeros] "=&r"(zeros) in WebRtcSpl_NormW16()
181 return (int16_t)zeros; in WebRtcSpl_NormW16()
/external/skqp/src/core/
DSkMath.cpp15 #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/libchrome/crypto/
Dp224_unittest.cc813 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/libaom/libaom/av1/common/x86/
Dcfl_sse2.c26 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/smali/dexlib2/src/main/java/org/jf/util/
DNumberUtils.java87 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/python/ops/linalg/
Dlinear_operator_zeros.py300 zeros = array_ops.zeros(shape=special_shape, dtype=self.dtype)
301 return x + zeros
307 zeros = array_ops.zeros(shape=special_shape, dtype=self.dtype)
308 return x + zeros
325 array_ops.zeros(shape=output_shape, dtype=x.dtype))
333 zeros = array_ops.zeros(shape=output_shape, dtype=x.dtype)
334 return self._possibly_broadcast_batch_shape(zeros)
338 return array_ops.zeros(shape=self.batch_shape, dtype=self.dtype)
340 return array_ops.zeros(shape=self.batch_shape_tensor(), dtype=self.dtype)
345 return array_ops.zeros(shape=self.batch_shape, dtype=self.dtype)
[all …]
/external/tensorflow/tensorflow/python/keras/layers/
Drecurrent_test.py88 model.train_on_batch(np.zeros((6, 5, 5)), np.zeros((6, 32)))
101 model.train_on_batch(np.zeros((6, 5, 5)), np.zeros((6, 32)))
131 model.train_on_batch(np.zeros((6, 5, 5)), np.zeros((6, 32)))
146 model.train_on_batch(np.zeros((6, 5, 5)), np.zeros((6, 32)))
188 model.train_on_batch(np.zeros((6, 5, 5)), np.zeros((6, 32)))
214 model.train_on_batch(np.zeros((6, 5, 5)), np.zeros((6, 32)))
270 model.train_on_batch(np.zeros((6, 5, 5)), np.zeros((6, 32)))
283 model.train_on_batch(np.zeros((6, 5, 5)), np.zeros((6, 32)))
312 np.zeros((batch, time_step, embedding_dim)),
313 np.zeros((batch, time_step, units)))
[all …]
/external/tensorflow/tensorflow/python/kernel_tests/
Dshape_ops_test.py164 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 …]
Dinplace_ops_test.py61 array_ops.zeros([1, 3], dtypes.bool))
64 x = inplace_ops.inplace_update(x, 5, array_ops.zeros([3], dtypes.bool))
109 x = array_ops.zeros([d0, d1, d2])
110 y = np.zeros([d0, d1, d2])
129 x = array_ops.zeros([d0])
130 y = np.zeros([d0])
180 self.assertAllEqual(val, np.zeros(shape, dtype.as_numpy_dtype))
182 inplace_ops.empty_like(array_ops.zeros(shape, dtype)))
186 array_ops.zeros(shape, dtype), init=True))
189 self.assertAllEqual(val, np.zeros(shape, dtype.as_numpy_dtype))
[all …]
/external/tensorflow/tensorflow/python/kernel_tests/array_ops/
Dscatter_nd_ops_test.py305 indices = array_ops.zeros([2, 2, 2], dtypes.int32)
306 updates = array_ops.zeros([2, 2, 2], dtypes.int32)
308 ref = variables.Variable(array_ops.zeros(shape, dtypes.int32))
316 initial_value=lambda: array_ops.zeros(shape=[], dtype=dtypes.float32),
324 indices = array_ops.zeros([1, 1, 2], dtypes.int32)
325 updates = array_ops.zeros([1, 1], dtypes.int32)
327 ref = variables.Variable(array_ops.zeros(shape, dtypes.int32))
331 expected_result = np.zeros([2, 2], dtype=np.int32)
337 indices = array_ops.zeros([3, 2, 2], dtypes.int32)
338 updates = array_ops.zeros([2, 2, 2], dtypes.int32)
[all …]
/external/bsdiff/
Dsplit_patch_writer_unittest.cc62 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/rust/crates/rand/src/distributions/
Dfloat.rs186 let mut zeros = StepRng::new(0, 0); localVariable
187 assert_eq!(zeros.gen::<$ty>(), $ZERO);
194 let mut zeros = StepRng::new(0, 0); localVariable
195 assert_eq!(zeros.sample::<$ty, _>(OpenClosed01), 0.0 + $EPSILON / 2.0);
202 let mut zeros = StepRng::new(0, 0); localVariable
203 assert_eq!(zeros.sample::<$ty, _>(Open01), 0.0 + $EPSILON / 2.0);
226 let mut zeros = StepRng::new(0, 0); localVariable
227 assert_eq!(zeros.gen::<$ty>(), $ZERO);
234 let mut zeros = StepRng::new(0, 0); localVariable
235 assert_eq!(zeros.sample::<$ty, _>(OpenClosed01), 0.0 + $EPSILON / 2.0);
[all …]
/external/linux-kselftest/tools/testing/selftests/bpf/prog_tests/
Dbpf_obj_id.c23 char jited_insns[128], xlated_insns[128], zeros[128]; in test_bpf_obj_id() local
43 bzero(zeros, sizeof(zeros)); in test_bpf_obj_id()
114 !memcmp(jited_insns, zeros, sizeof(zeros))) || in test_bpf_obj_id()
116 !memcmp(xlated_insns, zeros, sizeof(zeros)) || in test_bpf_obj_id()
130 !!memcmp(jited_insns, zeros, sizeof(zeros)), in test_bpf_obj_id()
131 !!memcmp(xlated_insns, zeros, sizeof(zeros)), in test_bpf_obj_id()
/external/tensorflow/tensorflow/python/kernel_tests/linalg/
Dlinear_operator_util_test.py113 batch_of_zeros = np.zeros((3, 4, 2, 1, 1))
131 batch_of_zeros = np.zeros((1, 3, 2, 1, 1))
149 batch_of_zeros = np.zeros((3, 4, 2, 1, 1)).astype(np.float32)
168 batch_of_zeros = np.zeros((3, 4, 2, 1, 1)).astype(np.float32)
198 rhs_broadcast = rhs + np.zeros((2, 1, 1))
215 matrix_broadcast = matrix + np.zeros((2, 1, 1))
232 matrix_broadcast = matrix + np.zeros((2, 1, 1))
252 matrix_broadcast = matrix + np.zeros((2, 1, 1))
264 matrix_broadcast = matrix + np.zeros((2, 2, 1, 1))
265 rhs_broadcast = rhs + np.zeros((2, 2, 1, 1))
[all …]
/external/libgav1/libgav1/src/dsp/x86/
Dtranspose_sse4.h226 const __m128i zeros = _mm_setzero_si128(); in Transpose8x4To4x8_U16() local
227 out[0] = _mm_unpacklo_epi64(b0, zeros); in Transpose8x4To4x8_U16()
228 out[1] = _mm_unpackhi_epi64(b0, zeros); in Transpose8x4To4x8_U16()
229 out[2] = _mm_unpacklo_epi64(b4, zeros); in Transpose8x4To4x8_U16()
230 out[3] = _mm_unpackhi_epi64(b4, zeros); in Transpose8x4To4x8_U16()
231 out[4] = _mm_unpacklo_epi64(b2, zeros); in Transpose8x4To4x8_U16()
232 out[5] = _mm_unpackhi_epi64(b2, zeros); in Transpose8x4To4x8_U16()
233 out[6] = _mm_unpacklo_epi64(b6, zeros); in Transpose8x4To4x8_U16()
234 out[7] = _mm_unpackhi_epi64(b6, zeros); in Transpose8x4To4x8_U16()
/external/tensorflow/tensorflow/python/keras/engine/
Dtraining_dataset_test.py67 inputs = np.zeros((10, 3), np.float32)
68 targets = np.zeros((10, 4), np.float32)
102 inputs = np.zeros((10, 3), np.float32)
103 targets = np.zeros((10, 4), np.float32)
218 inputs = np.zeros((10, 3), np.float32)
219 targets = np.zeros((10, 4), np.float32)
265 inputs = np.zeros((10, 3), dtype=np.float32)
288 inputs = np.zeros((40, 2), dtype=np.float32)
292 targets = np.zeros((40, 1), dtype=np.float32)
332 inputs = np.zeros((10, 3))
[all …]
Dtraining_eager_test.py58 hist = model.fit(np.zeros((1, 1)), np.zeros((1, 1)))
61 loss = model.train_on_batch(np.zeros((1, 1)), np.zeros((1, 1)))
95 input_a = array_ops.zeros(shape=(10, 3))
96 input_b = array_ops.zeros(shape=(10, 3))
97 target_a = array_ops.zeros(shape=(10, 4))
98 target_b = array_ops.zeros(shape=(10, 4))
123 input_b = np.zeros(shape=(10, 3)).astype('float32')
124 target_b = np.zeros(shape=(10, 4)).astype('float32')
164 inputs = array_ops.zeros(shape=(10, 3))
165 targets = array_ops.zeros(shape=(10, 4))
[all …]
/external/libaom/libaom/av1/encoder/x86/
Dencodetxb_sse4.c24 const __m128i zeros = _mm_setzero_si128(); in av1_txb_init_levels_sse4_1() local
30 _mm_storeu_si128((__m128i *)(bottom_buf), zeros); in av1_txb_init_levels_sse4_1()
43 const __m128i absAB8 = _mm_packs_epi16(absAB, zeros); in av1_txb_init_levels_sse4_1()
44 const __m128i lsAB = _mm_unpacklo_epi32(absAB8, zeros); in av1_txb_init_levels_sse4_1()
56 const __m128i absAB8 = _mm_packs_epi16(absAB, zeros); in av1_txb_init_levels_sse4_1()
/external/tensorflow/tensorflow/python/keras/tests/
Dmodel_subclassing_compiled_test.py55 y = np.zeros((num_samples, num_classes))
75 y1 = np.zeros((num_samples, num_classes[0]))
76 y2 = np.zeros((num_samples, num_classes[1]))
95 y = np.zeros((num_samples, num_classes), dtype=np.float32)
115 y1 = np.zeros((num_samples, num_classes[0]))
116 y2 = np.zeros((num_samples, num_classes[1]))
203 y1 = np.zeros((num_samples, num_classes[0]))
204 y2 = np.zeros((num_samples, num_classes[1]))
238 y1 = np.zeros((num_samples, num_classes[0]))
239 y2 = np.zeros((num_samples, num_classes[1]))
[all …]
/external/tensorflow/tensorflow/examples/speech_commands/
Dmodels_test.py55 fingerprint_input = tf.zeros([1, model_settings["fingerprint_size"]])
67 fingerprint_input = tf.zeros([1, model_settings["fingerprint_size"]])
77 fingerprint_input = tf.zeros([1, model_settings["fingerprint_size"]])
89 fingerprint_input = tf.zeros([1, model_settings["fingerprint_size"]])
100 fingerprint_input = tf.zeros([1, model_settings["fingerprint_size"]])
110 fingerprint_input = tf.zeros([1, model_settings["fingerprint_size"]])
/external/skia/tests/
DMemoryTest.cpp5 char* zeros = (char*)sk_calloc_throw(kNum*sizeof(char)); in DEF_TEST() local
8 REPORTER_ASSERT(reporter, 0 == zeros[i]); in DEF_TEST()
10 sk_free(zeros); in DEF_TEST()

12345678910>>...71