/aosp_15_r20/external/pytorch/test/jit/ |
H A D | test_batch_mm.py | 100 T1 = torch.zeros((n, n)) 101 T2 = torch.zeros((n, n)) 102 T3 = torch.zeros((n, n)) 103 T4 = torch.zeros((n, n)) 104 T5 = torch.zeros((n, n)) 105 T6 = torch.zeros((n, n)) 106 T7 = torch.zeros((n, n)) 107 T8 = torch.zeros((n, n)) 126 T1 = torch.zeros((n, n)) 127 T2 = torch.zeros((n, n)) [all …]
|
/aosp_15_r20/external/mbedtls/tests/suites/ |
H A D | test_suite_cipher.des.data | 73 DES Encrypt and decrypt 0 bytes with one and zeros padding 77 DES Encrypt and decrypt 1 byte with one and zeros padding 81 DES Encrypt and decrypt 2 bytes with one and zeros padding 85 DES Encrypt and decrypt 7 bytes with one and zeros padding 89 DES Encrypt and decrypt 8 bytes with one and zeros padding 93 DES Encrypt and decrypt 9 bytes with one and zeros padding 97 DES Encrypt and decrypt 15 bytes with one and zeros padding 101 DES Encrypt and decrypt 16 bytes with one and zeros padding 105 DES Encrypt and decrypt 17 bytes with one and zeros padding 109 DES Encrypt and decrypt 31 bytes with one and zeros padding [all …]
|
H A D | test_suite_cipher.padding.data | 140 Check one and zeros padding #1 (correct) 144 Check one and zeros padding #2 (correct) 148 Check one and zeros padding #3 (correct) 152 Check one and zeros padding #4 (correct) 156 Check one and zeros padding #5 (correct) 160 Check one and zeros padding #6 (missing one) 164 Check one and zeros padding #7 (overlong) 168 Check one and zeros padding #8 (last byte 0x80 | x) 172 Check zeros and len padding #1 (correct) 176 Check zeros and len padding #2 (correct) [all …]
|
H A D | test_suite_cipher.camellia.data | 69 CAMELLIA Encrypt and decrypt 0 bytes with one and zeros padding 73 CAMELLIA Encrypt and decrypt 1 byte with one and zeros padding 77 CAMELLIA Encrypt and decrypt 2 bytes with one and zeros padding 81 CAMELLIA Encrypt and decrypt 7 bytes with one and zeros padding 85 CAMELLIA Encrypt and decrypt 8 bytes with one and zeros padding 89 CAMELLIA Encrypt and decrypt 9 bytes with one and zeros padding 93 CAMELLIA Encrypt and decrypt 15 bytes with one and zeros padding 97 CAMELLIA Encrypt and decrypt 16 bytes with one and zeros padding 101 CAMELLIA Encrypt and decrypt 17 bytes with one and zeros padding 105 CAMELLIA Encrypt and decrypt 31 bytes with one and zeros padding [all …]
|
/aosp_15_r20/external/openthread/third_party/mbedtls/repo/tests/suites/ |
H A D | test_suite_cipher.des.data | 73 DES Encrypt and decrypt 0 bytes with one and zeros padding 77 DES Encrypt and decrypt 1 byte with one and zeros padding 81 DES Encrypt and decrypt 2 bytes with one and zeros padding 85 DES Encrypt and decrypt 7 bytes with one and zeros padding 89 DES Encrypt and decrypt 8 bytes with one and zeros padding 93 DES Encrypt and decrypt 9 bytes with one and zeros padding 97 DES Encrypt and decrypt 15 bytes with one and zeros padding 101 DES Encrypt and decrypt 16 bytes with one and zeros padding 105 DES Encrypt and decrypt 17 bytes with one and zeros padding 109 DES Encrypt and decrypt 31 bytes with one and zeros padding [all …]
|
H A D | test_suite_cipher.padding.data | 140 Check one and zeros padding #1 (correct) 144 Check one and zeros padding #2 (correct) 148 Check one and zeros padding #3 (correct) 152 Check one and zeros padding #4 (correct) 156 Check one and zeros padding #5 (correct) 160 Check one and zeros padding #6 (missing one) 164 Check one and zeros padding #7 (overlong) 168 Check one and zeros padding #8 (last byte 0x80 | x) 172 Check zeros and len padding #1 (correct) 176 Check zeros and len padding #2 (correct) [all …]
|
H A D | test_suite_cipher.camellia.data | 69 CAMELLIA Encrypt and decrypt 0 bytes with one and zeros padding 73 CAMELLIA Encrypt and decrypt 1 byte with one and zeros padding 77 CAMELLIA Encrypt and decrypt 2 bytes with one and zeros padding 81 CAMELLIA Encrypt and decrypt 7 bytes with one and zeros padding 85 CAMELLIA Encrypt and decrypt 8 bytes with one and zeros padding 89 CAMELLIA Encrypt and decrypt 9 bytes with one and zeros padding 93 CAMELLIA Encrypt and decrypt 15 bytes with one and zeros padding 97 CAMELLIA Encrypt and decrypt 16 bytes with one and zeros padding 101 CAMELLIA Encrypt and decrypt 17 bytes with one and zeros padding 105 CAMELLIA Encrypt and decrypt 31 bytes with one and zeros padding [all …]
|
/aosp_15_r20/external/webrtc/common_audio/signal_processing/include/ |
H A D | spl_inl_mips.h | 130 int zeros = 0; in WebRtcSpl_NormW32() local 136 " sra %[zeros], %[a], 31 \n\t" in WebRtcSpl_NormW32() 138 " move %[zeros], $zero \n\t" in WebRtcSpl_NormW32() 140 "xor %[zeros], %[a], %[zeros] \n\t" in WebRtcSpl_NormW32() 141 "clz %[zeros], %[zeros] \n\t" in WebRtcSpl_NormW32() 142 "addiu %[zeros], %[zeros], -1 \n\t" in WebRtcSpl_NormW32() 145 : [zeros] "=&r"(zeros) in WebRtcSpl_NormW32() 148 return (int16_t)zeros; in WebRtcSpl_NormW32() 152 int zeros = 0; in WebRtcSpl_NormU32() local 154 __asm __volatile("clz %[zeros], %[a] \n\t" in WebRtcSpl_NormU32() [all …]
|
/aosp_15_r20/external/webrtc/modules/audio_processing/agc/legacy/ |
H A D | digital_agc.cc | 24 // zeros = 0:31; lvl = 2.^(1-zeros); 86 int zeros, zerosScale; in WebRtcAgc_CalculateGainTable() local 162 zeros = WebRtcSpl_NormU32(absInLevel); in WebRtcAgc_CalculateGainTable() 164 if (zeros < 15) { in WebRtcAgc_CalculateGainTable() 166 tmpU32no2 = absInLevel >> (15 - zeros); // Q(zeros-1) in WebRtcAgc_CalculateGainTable() 167 tmpU32no2 = WEBRTC_SPL_UMUL_32_16(tmpU32no2, kLogE_1); // Q(zeros+13) in WebRtcAgc_CalculateGainTable() 168 if (zeros < 9) { in WebRtcAgc_CalculateGainTable() 169 zerosScale = 9 - zeros; in WebRtcAgc_CalculateGainTable() 170 tmpU32no1 >>= zerosScale; // Q(zeros+13) in WebRtcAgc_CalculateGainTable() 172 tmpU32no2 >>= zeros - 9; // Q22 in WebRtcAgc_CalculateGainTable() [all …]
|
/aosp_15_r20/frameworks/base/services/tests/mockingservicestests/src/com/android/server/am/ |
H A D | BackgroundRestrictionTest.java | 655 final double[] zeros = new double[]{0.0f, 0.0f}; in testBgCurrentDrainMonitor() local 761 new double[]{0, restrictBucketThresholdMah - 1}, zeros, zeros, in testBgCurrentDrainMonitor() 778 new double[]{0, restrictBucketThresholdMah - 1}, zeros, zeros, in testBgCurrentDrainMonitor() 796 new double[]{0, restrictBucketThresholdMah - 1}, zeros, zeros, in testBgCurrentDrainMonitor() 820 new double[]{0, restrictBucketThresholdMah - 1}, zeros, zeros, in testBgCurrentDrainMonitor() 844 zeros, new double[]{0, restrictBucketThresholdMah - 1}, in testBgCurrentDrainMonitor() 845 zeros, new double[]{restrictBucketThresholdMah + 1, 0}, in testBgCurrentDrainMonitor() 869 zeros, new double[]{0, restrictBucketThresholdMah - 1}, in testBgCurrentDrainMonitor() 870 zeros, new double[]{restrictBucketThresholdMah + 1, 0}, in testBgCurrentDrainMonitor() 888 zeros, new double[]{0, restrictBucketThresholdMah - 1}, in testBgCurrentDrainMonitor() [all …]
|
/aosp_15_r20/external/executorch/extension/llm/custom_ops/ |
H A D | op_sdpa_with_kv_cache_test.cpp | 139 exec_aten::Tensor key_cache_0 = tfFloat.zeros({1, 5, 4, 4}); in TEST() 140 exec_aten::Tensor value_cache_0 = tfFloat.zeros({1, 5, 4, 4}); in TEST() 141 exec_aten::Tensor key_cache_1 = tfFloat.zeros({1, 5, 4, 4}); in TEST() 142 exec_aten::Tensor value_cache_1 = tfFloat.zeros({1, 5, 4, 4}); in TEST() 143 exec_aten::Tensor key_cache_2 = tfFloat.zeros({1, 5, 4, 4}); in TEST() 144 exec_aten::Tensor value_cache_2 = tfFloat.zeros({1, 5, 4, 4}); in TEST() 171 exec_aten::Tensor out = tfFloat.zeros(out_size); in TEST() 206 out = tfFloat.zeros(out_size); in TEST() 241 out = tfFloat.zeros(out_size); in TEST() 276 out = tfFloat.zeros(out_size); in TEST() [all …]
|
/aosp_15_r20/external/pytorch/test/distributed/_tensor/ |
H A D | test_init.py | 5 from torch.distributed._tensor import DeviceMesh, DTensor, Replicate, Shard, zeros 126 torch.zeros, 127 torch.distributed._tensor.zeros, 138 dist_tensor = zeros(size, device_mesh=mesh, placements=placements) 143 local_tensor = torch.zeros(8, 3) 150 dist_tensor = zeros(size, device_mesh=mesh, placements=placements) 155 self.assertEqual(torch.zeros(8, 3), local_tensor) 158 self.assertEqual(torch.zeros(7, 3), local_tensor) 164 dist_tensor = zeros(size, device_mesh=mesh, placements=placements) 169 self.assertEqual(local_tensor, torch.zeros([16, 4])) [all …]
|
/aosp_15_r20/external/executorch/kernels/test/ |
H A D | op_scatter_test.cpp | 51 Tensor in = tf_data.zeros(sizes); in test_scatter_src_out() 52 Tensor out = tf_data.zeros(sizes); in test_scatter_src_out() 101 out = tf_data.zeros(/*sizes=*/{2, 3, 3}); in test_scatter_src_out() 131 out = tf_data.zeros(/*sizes=*/{2, 3, 3}); in test_scatter_src_out() 170 Tensor self = tf_data.zeros(sizes); in test_scatter_src_out_invalid_dim() 171 Tensor out = tf_data.zeros(sizes); in test_scatter_src_out_invalid_dim() 180 src = tf_data.zeros(/*sizes=*/{2, 2, 2}); in test_scatter_src_out_invalid_dim() 184 src = tf_data.zeros(/*sizes=*/{5, 5}); in test_scatter_src_out_invalid_dim() 185 index = tf_index.zeros(/*sizes=*/{2, 2, 2}); in test_scatter_src_out_invalid_dim() 191 index = tf_index.zeros(/*sizes=*/{4, 6}); in test_scatter_src_out_invalid_dim() [all …]
|
H A D | op_min_test.cpp | 44 Tensor min = tf_in.zeros({2, 3, 2}); in test_min_out_invalid_dimensions() 45 Tensor min_indices = tf_in.zeros({2, 3}); in test_min_out_invalid_dimensions() 53 min = tf_in.zeros({2, 3, 2}); in test_min_out_invalid_dimensions() 54 min_indices = tf_in.zeros({2, 3, 2}); in test_min_out_invalid_dimensions() 60 min = tf_in.zeros({2, 3, 1}); in test_min_out_invalid_dimensions() 61 min_indices = tf_in.zeros({2, 3, 1}); in test_min_out_invalid_dimensions() 67 min = tf_in.zeros({2, 3, 1}); in test_min_out_invalid_dimensions() 68 min_indices = tf_in.zeros({2, 3, 1}); in test_min_out_invalid_dimensions() 100 Tensor min = tf.zeros(out_shape, dynamism); in test_dynamic_shape() 101 Tensor min_indices = tfl.zeros(out_shape, dynamism); in test_dynamic_shape() [all …]
|
H A D | op_max_test.cpp | 44 Tensor max = tf_in.zeros({2, 3, 2}); in test_max_out_invalid_dimensions() 45 Tensor max_indices = tf_in.zeros({2, 3}); in test_max_out_invalid_dimensions() 53 max = tf_in.zeros({2, 3, 2}); in test_max_out_invalid_dimensions() 54 max_indices = tf_in.zeros({2, 3, 2}); in test_max_out_invalid_dimensions() 60 max = tf_in.zeros({2, 3, 1}); in test_max_out_invalid_dimensions() 61 max_indices = tf_in.zeros({2, 3, 1}); in test_max_out_invalid_dimensions() 67 max = tf_in.zeros({2, 3, 1}); in test_max_out_invalid_dimensions() 68 max_indices = tf_in.zeros({2, 3, 1}); in test_max_out_invalid_dimensions() 104 Tensor max = tf.zeros(out_shape, dynamism); in test_dynamic_shape() 105 Tensor max_indices = tfl.zeros(out_shape, dynamism); in test_dynamic_shape() [all …]
|
/aosp_15_r20/external/webrtc/modules/audio_processing/ |
H A D | residual_echo_detector_unittest.cc | 24 std::vector<float> zeros(160, 0.f); in TEST() local 32 echo_detector->AnalyzeCaptureAudio(zeros); in TEST() 34 echo_detector->AnalyzeRenderAudio(zeros); in TEST() 37 echo_detector->AnalyzeRenderAudio(zeros); in TEST() 38 echo_detector->AnalyzeCaptureAudio(zeros); in TEST() 51 std::vector<float> zeros(160, 0.f); in TEST() local 59 echo_detector->AnalyzeRenderAudio(zeros); in TEST() 61 echo_detector->AnalyzeCaptureAudio(zeros); in TEST() 73 std::vector<float> zeros(160, 0.f); in TEST() local 82 echo_detector->AnalyzeCaptureAudio(zeros); in TEST() [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/array_ops/ |
H A D | scatter_nd_ops_test.py | 303 indices = array_ops.zeros([2, 2, 2], dtypes.int32) 304 updates = array_ops.zeros([2, 2, 2], dtypes.int32) 306 ref = variables.Variable(array_ops.zeros(shape, dtypes.int32)) 314 initial_value=lambda: array_ops.zeros(shape=[], dtype=dtypes.float32), 322 indices = array_ops.zeros([1, 1, 2], dtypes.int32) 323 updates = array_ops.zeros([1, 1], dtypes.int32) 325 ref = variables.Variable(array_ops.zeros(shape, dtypes.int32)) 329 expected_result = np.zeros([2, 2], dtype=np.int32) 335 indices = array_ops.zeros([3, 2, 2], dtypes.int32) 336 updates = array_ops.zeros([2, 2, 2], dtypes.int32) [all …]
|
H A D | shape_ops_test.py | 160 inp = array_ops.zeros([2**31]) 168 inp = array_ops.zeros([2**31]) 186 self._compareExpandDimsAll(np.zeros([2]), 0) 187 self._compareExpandDimsAll(np.zeros([2]), 1) 188 self._compareExpandDimsAll(np.zeros([2]), -1) 190 self._compareExpandDimsAll(np.zeros([2, 3]), 0) 191 self._compareExpandDimsAll(np.zeros([2, 3]), 1) 192 self._compareExpandDimsAll(np.zeros([2, 3]), 2) 193 self._compareExpandDimsAll(np.zeros([2, 3]), -1) 194 self._compareExpandDimsAll(np.zeros([2, 3]), -2) [all …]
|
/aosp_15_r20/external/libchrome/ui/gfx/geometry/ |
H A D | matrix3_unittest.cc | 15 Matrix3F zeros = Matrix3F::Zeros(); in TEST() local 24 EXPECT_EQ(zeros, product_zeros); in TEST() 52 EXPECT_EQ(0.0f, Matrix3F::Zeros().Determinant()); in TEST() 56 Matrix3F matrix = Matrix3F::Zeros(); in TEST() 75 Matrix3F singular = Matrix3F::Zeros(); in TEST() 80 EXPECT_EQ(Matrix3F::Zeros(), singular.Inverse()); in TEST() 82 Matrix3F regular = Matrix3F::Zeros(); in TEST() 94 Matrix3F matrix = Matrix3F::Zeros(); in TEST() 116 Matrix3F matrix = Matrix3F::Zeros(); in TEST() 120 Matrix3F eigenvectors = Matrix3F::Zeros(); in TEST() [all …]
|
/aosp_15_r20/external/executorch/kernels/quantized/test/ |
H A D | op_add_test.cpp | 36 /// zeros(). 50 Tensor qinput1 = tfo.zeros({3, 5}); in test_dtype() 51 Tensor qinput2 = tfo.zeros({3, 5}); in test_dtype() 52 Tensor qoutput = tfo.zeros({3, 5}); in test_dtype() 118 Tensor qinput1 = tfo.zeros({3, 5}); in TEST() 119 Tensor qinput2 = tfo.zeros({3, 5}); in TEST() 120 Tensor qoutput = tfo.zeros({3, 5}); in TEST() 171 Tensor dq_input1 = tf.zeros({3, 5}); in TEST() 172 Tensor dq_input2 = tf.zeros({3, 5}); in TEST() 173 Tensor reference_op_output = tf.zeros({3, 5}); in TEST() [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/tests/ |
H A D | ftrl_ops_test.py | 76 var=np.zeros((1, 3, 2)), 78 linear=np.zeros((1, 3, 2)), 89 grad=np.zeros((1, 3, 2)), # make accum_new == acum 98 linear=np.zeros((1, 3, 2)), 108 linear=np.zeros((1, 3, 2)), 118 linear=np.zeros((1, 3, 2)), 128 linear=np.zeros((1, 3, 2)), 131 self.assertAllClose(np.zeros((1, 3, 2)), var) 138 linear=np.zeros((1, 3, 2)), 147 accum=np.zeros((1, 3, 2)), [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/java/src/test/java/org/tensorflow/op/core/ |
H A D | ZerosTest.java | 43 Zeros<Integer> op = Zeros.create(scope, Constant.create(scope, shape), Integer.class); in createIntZeros() 61 Zeros<Float> op = Zeros.create(scope, Constant.create(scope, shape), Float.class); in createFloatZeros() 79 Zeros<Double> op = Zeros.create(scope, Constant.create(scope, shape), Double.class); in createDoubleZeros() 97 Zeros<Long> op = Zeros.create(scope, Constant.create(scope, shape), Long.class); in createLongZeros() 115 Zeros<Boolean> op = Zeros.create(scope, Constant.create(scope, shape), Boolean.class); in createBooleanZeros() 133 Zeros<UInt8> op = Zeros.create(scope, Constant.create(scope, shape), UInt8.class); in createUInt8Zeros() 152 Zeros.create(scope, Constant.create(scope, shape), String.class); in cannotCreateStringZeros() 163 …Zeros<Float> zeros = Zeros.create(scope.withSubScope("test"), Constant.create(scope, shape), Float… in operationsComposingZerosAreCorrectlyNamed() local 164 …List<Tensor<?>> results = sess.runner().addTarget("test/Zeros/Zero").addTarget("test/Zeros/Fill").… in operationsComposingZerosAreCorrectlyNamed()
|
/aosp_15_r20/external/pytorch/test/ |
H A D | test_tensorexpr.py | 84 torch.zeros(1024, dtype=torch.float, device=dev), 85 torch.zeros(1024, dtype=torch.float, device=dev), 86 torch.zeros(1024, dtype=torch.float, device=dev), 87 torch.zeros(1024, dtype=torch.float, device=dev), 328 (torch.zeros(1024, dtype=torch.int32), torch.rand(1024, dtype=torch.float32)), 331 a = torch.zeros(1024, dtype=torch.int32) 421 traced = torch.jit.trace(easy, (torch.zeros(1024), torch.zeros(1024))) 422 a = torch.zeros(1024, dtype=torch.int32) 423 b = torch.zeros(1024, dtype=torch.int32) 433 traced = torch.jit.trace(easy, (torch.zeros(1024), torch.zeros(1024))) [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/linalg/ |
H A D | slicing_test.py | 45 array_ops.zeros([1, 1, event_dim]), 53 array_ops.zeros([7, 6, 5, 4, 3]), 61 array_ops.zeros([7, 6, 5, 4, 3]), 69 array_ops.zeros([7, 1, 5, 4, 3]), 77 array_ops.zeros([7, 6, 5, 4, 3]), 85 array_ops.zeros([7, 6, 5, 4, 3]), 93 array_ops.zeros([7, 6, 5, 4, 3]), 101 array_ops.zeros([7, 1, 5, 4, 3]), 109 array_ops.zeros([7, 6, 5, 4, 3]), 117 array_ops.zeros([7, 1, 5, 4, 3]), [all …]
|
/aosp_15_r20/external/clang/test/Driver/ |
H A D | fast-math.c | 28 // RUN: %clang -### -fno-signed-zeros -c %s 2>&1 \ 29 // RUN: | FileCheck --check-prefix=CHECK-NO-SIGNED-ZEROS %s 30 // CHECK-NO-SIGNED-ZEROS: "-cc1" 31 // CHECK-NO-SIGNED-ZEROS: "-fno-signed-zeros" 33 // RUN: %clang -### -fno-fast-math -fno-signed-zeros -c %s 2>&1 \ 34 // RUN: | FileCheck --check-prefix=CHECK-NO-FAST-MATH-NO-SIGNED-ZEROS %s 35 // CHECK-NO-FAST-MATH-NO-SIGNED-ZEROS: "-cc1" 36 // CHECK-NO-FAST-MATH-NO-SIGNED-ZEROS: "-fno-signed-zeros" 38 // RUN: %clang -### -fno-signed-zeros -fno-fast-math -c %s 2>&1 \ 39 // RUN: | FileCheck --check-prefix=CHECK-NO-SIGNED-ZEROS-NO-FAST-MATH %s [all …]
|