/external/libvpx/libvpx/vpx_dsp/x86/ |
D | sad4d_avx2.c | 14 static INLINE void calc_final(const __m256i *const sums /*[4]*/, in calc_final() argument 16 const __m256i t0 = _mm256_hadd_epi32(sums[0], sums[1]); in calc_final() 17 const __m256i t1 = _mm256_hadd_epi32(sums[2], sums[3]); in calc_final() 29 __m256i sums[4]; in vpx_sad32x32x4d_avx2() local 35 sums[0] = _mm256_setzero_si256(); in vpx_sad32x32x4d_avx2() 36 sums[1] = _mm256_setzero_si256(); in vpx_sad32x32x4d_avx2() 37 sums[2] = _mm256_setzero_si256(); in vpx_sad32x32x4d_avx2() 38 sums[3] = _mm256_setzero_si256(); in vpx_sad32x32x4d_avx2() 57 sums[0] = _mm256_add_epi32(sums[0], r[0]); in vpx_sad32x32x4d_avx2() 58 sums[1] = _mm256_add_epi32(sums[1], r[1]); in vpx_sad32x32x4d_avx2() [all …]
|
/external/fec/ |
D | sumsq_av.c | 16 vector unsigned int sums,carries,s1,s2; in sumsq_av() local 20 carries = sums = (vector unsigned int)(0); in sumsq_av() 28 sums = (vector unsigned int)vec_msum(x,x,(vector signed int)(0)); in sumsq_av() 40 carries = vec_add(carries,vec_addc(sums,s1)); in sumsq_av() 41 sums = vec_add(sums,s1); in sumsq_av() 51 carries = vec_add(carries,vec_addc(sums,s1)); in sumsq_av() 52 sums = vec_add(sums,s1); in sumsq_av() 56 s1 = vec_sro(sums,s.cv); in sumsq_av() 58 carries = vec_add(carries,vec_addc(sums,s1)); in sumsq_av() 59 sums = vec_add(sums,s1); in sumsq_av() [all …]
|
/external/apache-commons-math/src/main/java/org/apache/commons/math/stat/descriptive/moment/ |
D | VectorialCovariance.java | 37 private final double[] sums; field in VectorialCovariance 54 sums = new double[dimension]; in VectorialCovariance() 66 if (v.length != sums.length) { in increment() 67 throw new DimensionMismatchException(v.length, sums.length); in increment() 71 sums[i] += v[i]; in increment() 85 int dimension = sums.length; in getResult() 93 double e = c * (n * productsSums[k++] - sums[i] * sums[j]); in getResult() 117 Arrays.fill(sums, 0.0); in clear() 129 result = prime * result + Arrays.hashCode(sums); in hashCode() 147 if (!Arrays.equals(sums, other.sums)) in equals()
|
/external/libopus/celt/x86/ |
D | vq_sse2.c | 53 __m128 sums; in op_pvq_search_sse2() local 67 sums = _mm_setzero_ps(); in op_pvq_search_sse2() 75 sums = _mm_add_ps(sums, x4); in op_pvq_search_sse2() 82 sums = _mm_add_ps(sums, _mm_shuffle_ps(sums, sums, _MM_SHUFFLE(1, 0, 3, 2))); in op_pvq_search_sse2() 83 sums = _mm_add_ps(sums, _mm_shuffle_ps(sums, sums, _MM_SHUFFLE(2, 3, 0, 1))); in op_pvq_search_sse2() 95 opus_val32 sum = _mm_cvtss_f32(sums); in op_pvq_search_sse2() 105 sums = _mm_set_ps1(1.f); in op_pvq_search_sse2() 108 rcp4 = _mm_mul_ps(_mm_set_ps1((float)(K+.8)), _mm_rcp_ps(sums)); in op_pvq_search_sse2()
|
D | celt_lpc_sse4_1.c | 65 opus_val32 sums[4] = {0}; in celt_fir_sse4_1() local 68 xcorr_kernel(rnum, x+i-ord, sums, ord, arch); in celt_fir_sse4_1() 70 vecSum = _mm_loadu_si128((__m128i *)sums); in celt_fir_sse4_1()
|
/external/tensorflow/tensorflow/compiler/xla/service/ |
D | hlo_graph_dumper_test.cc | 51 std::vector<HloInstruction*> sums; in TEST_F() local 52 sums.push_back(b.AddInstruction(HloInstruction::CreateBinary( in TEST_F() 55 sums.push_back(b.AddInstruction(HloInstruction::CreateBinary( in TEST_F() 56 shape, HloOpcode::kAdd, sums[i], params[i + 2]))); in TEST_F() 65 {sums[3], sums[2], sums[1], sums[0]}, HloInstruction::FusionKind::kLoop); in TEST_F()
|
/external/libmpeg2/common/arm/ |
D | ideint_cac_a9.s | 85 @ Get row sums 94 @ Both q0 and q1 have four 32 bit sums corresponding to first 4 rows 99 @ q8 now contains 8 sums 113 @ Get row sums 121 @ Both q2 and q3 have four 32 bit sums corresponding to last 4 rows 126 @ q9 now contains 8 sums 128 @ Compute absolute diff between top and bottom row sums 138 @ q10 now contains 8 absolute diff of sums above the threshold 169 @ d0 now contains 8 absolute diff of sums above the threshold
|
/external/mesa3d/src/mesa/main/ |
D | texcompress_bptc.c | 1016 int sums[2][4]; in get_rgba_endpoints_unorm() local 1025 memset(sums, 0, sizeof sums); in get_rgba_endpoints_unorm() 1037 sums[endpoint][i] += p[i]; in get_rgba_endpoints_unorm() 1045 sums[endpoint][3] += p[3]; in get_rgba_endpoints_unorm() 1057 (sums[0][i] + sums[1][i]) / (width * height); in get_rgba_endpoints_unorm() 1060 endpoints[0][i] = sums[0][i] / rgb_left_endpoint_count; in get_rgba_endpoints_unorm() 1061 endpoints[1][i] = (sums[1][i] / in get_rgba_endpoints_unorm() 1069 (sums[0][3] + sums[1][3]) / (width * height); in get_rgba_endpoints_unorm() 1071 endpoints[0][3] = sums[0][3] / alpha_left_endpoint_count; in get_rgba_endpoints_unorm() 1072 endpoints[1][3] = (sums[1][3] / in get_rgba_endpoints_unorm() [all …]
|
/external/boringssl/src/third_party/wycheproof_testvectors/ |
D | chacha20_poly1305_test.txt | 1152 # edge case intermediate sums in poly1305 1162 # edge case intermediate sums in poly1305 1172 # edge case intermediate sums in poly1305 1182 # edge case intermediate sums in poly1305 1192 # edge case intermediate sums in poly1305 1202 # edge case intermediate sums in poly1305 1212 # edge case intermediate sums in poly1305 1222 # edge case intermediate sums in poly1305 1232 # edge case intermediate sums in poly1305 1242 # edge case intermediate sums in poly1305 [all …]
|
/external/v8/tools/ |
D | v8_presubmit.py | 107 self.sums = {} 115 self.sums = pickle.load(sums_file) 126 pickle.dump(self.sums, sums_file) 144 if not file in self.sums or self.sums[file] != file_sum: 146 self.sums[file] = file_sum 152 if file in self.sums: 153 self.sums.pop(file)
|
D | callstats.py | 514 sums = parent[key] 516 if i >= len(sums): 517 sums.extend([0] * (i - len(sums) + 1)) 519 sums[i] += item
|
/external/libchrome/base/sampling_heap_profiler/ |
D | sampling_heap_profiler_unittest.cc | 106 std::map<size_t, size_t> sums; in CheckAllocationPattern() local 121 sums[it.first] += it.second; in CheckAllocationPattern() 130 for (auto sum : sums) { in CheckAllocationPattern()
|
/external/arm-optimized-routines/auxiliary/ |
D | remez.jl | 353 sums = zeros(BigFloat, maxpow, 3) 359 sums[i,j] += x^(i-1) * y^(j-1) * weight 364 @debug("leastsquares", "sums=", repr(sums)) 376 matrix[row, 1+j] = sums[1+i+j, 1] 379 matrix[row, 1+n+j] = -sums[1+i+j, 2] 381 vector[row] = sums[1+i, 2] 388 matrix[row, 1+j] = sums[1+i+j, 2] 391 matrix[row, 1+n+j] = -sums[1+i+j, 3] 393 vector[row] = sums[1+i, 3]
|
/external/python/cpython2/Demo/pdist/ |
D | cmptree.py | 61 sums = remote._recv(sums_id) 62 print "got", len(sums) 64 for name, rsum in sums:
|
/external/python/cpython2/Lib/ |
D | trace.py | 304 sums = {} 339 sums[modulename] = n_lines, percent, modulename, filename 341 if summary and sums: 342 mods = sums.keys() 346 n_lines, percent, modulename, filename = sums[m] 347 print "%5d %3d%% %s (%s)" % sums[m]
|
/external/tensorflow/tensorflow/contrib/linear_optimizer/python/ops/ |
D | sdca_ops.py | 257 sums = [] 263 sums.append( 267 return self._options['symmetric_l1_regularization'] * math_ops.add_n(sums) 272 sums = [] 278 sums.append(math_ops.reduce_sum(math_ops.square(math_ops.cast( 281 return l2 * math_ops.add_n(sums) / 2.0
|
/external/python/cpython3/Lib/ |
D | trace.py | 246 sums = {} 278 sums[modulename] = n_lines, percent, modulename, filename 281 if summary and sums: 283 for m in sorted(sums): 284 n_lines, percent, modulename, filename = sums[m] 285 print("%5d %3d%% %s (%s)" % sums[m])
|
/external/tensorflow/tensorflow/contrib/tensor_forest/kernels/ |
D | tree_utils_test.cc | 43 Tensor sums = test::AsTensor<float>({9, 6}, {2}); in TEST() local 46 EXPECT_FLOAT_EQ(WeightedVariance(sums.unaligned_flat<float>(), in TEST()
|
D | tree_utils.h | 98 float WeightedVariance(const T1& sums, const T2& squares, float count) { in WeightedVariance() argument 99 const auto e_x = sums / count; in WeightedVariance()
|
/external/tensorflow/tensorflow/contrib/boosted_trees/estimator_batch/ |
D | custom_export_strategy.py | 219 sums = collections.defaultdict(lambda: 0) 259 sums[split_column] += ( 261 return dict(sums)
|
/external/gemmlowp/meta/ |
D | test_streams_correctness.cc | 95 std::int32_t* sums = reinterpret_cast<std::int32_t*>(result + sums_offset); in check() local 97 if (sums[i] != expected_sum) { in check()
|
/external/tensorflow/tensorflow/compiler/xla/client/lib/ |
D | pooling.cc | 29 XlaOp sums, PrimitiveType dtype, absl::Span<const int64> input_shape, in AvgPoolDivideByCountWithGeneralPadding() argument 51 XlaBuilder* b = sums.builder(); in AvgPoolDivideByCountWithGeneralPadding() 69 return Div(sums, counts, window_dims); in AvgPoolDivideByCountWithGeneralPadding()
|
/external/gemmlowp/doc/ |
D | low-precision.md | 147 of sums of all the entries in each column of rhs. 158 single column-vector, and later multiplying these sums by rhs_offset. 180 // Handle on the additional buffer backing the vector of sums of slices 186 vector containing sums of rows of lhs, or of sums of columns of rhs.
|
/external/mesa3d/src/intel/compiler/ |
D | brw_fs_bank_conflicts.cpp | 157 sums(const vector_type &v) in sums() function 251 sums(vector_type v) in sums() function 690 any_conflicts[r] |= sums(conflicts[r].v[s]); in have_any_conflicts() 726 return sums(subs(s_p, s_n)); in delta_conflicts()
|
/external/toolchain-utils/crosperf/test_cache/test_puretelemetry_input/ |
D | results.txt | 1 …te-format-tofte (ms),date-format-xparb (ms),math-cordic (ms),math-partial-sums (ms),math-spectral-…
|