Home
last modified time | relevance | path

Searched refs:accum (Results 1 – 25 of 362) sorted by relevance

12345678910>>...15

/external/webrtc/rtc_base/
Drolling_accumulator_unittest.cc38 RollingAccumulator<int> accum(10); in TEST() local
40 EXPECT_EQ(0U, accum.count()); in TEST()
41 EXPECT_DOUBLE_EQ(0.0, accum.ComputeMean()); in TEST()
42 EXPECT_DOUBLE_EQ(0.0, accum.ComputeVariance()); in TEST()
43 EXPECT_EQ(0, accum.ComputeMin()); in TEST()
44 EXPECT_EQ(0, accum.ComputeMax()); in TEST()
48 RollingAccumulator<int> accum(10); in TEST() local
50 accum.AddSample(i); in TEST()
53 EXPECT_EQ(4U, accum.count()); in TEST()
54 EXPECT_DOUBLE_EQ(1.5, accum.ComputeMean()); in TEST()
[all …]
/external/pdfium/third_party/lcms/src/
Dcmspack.c97 register cmsUInt8Number* accum, in UnrollChunkyBytes() argument
110 accum += Extra; in UnrollChunkyBytes()
116 v = FROM_8_TO_16(*accum); in UnrollChunkyBytes()
119 accum++; in UnrollChunkyBytes()
123 accum += Extra; in UnrollChunkyBytes()
133 return accum; in UnrollChunkyBytes()
144 register cmsUInt8Number* accum, in UnrollPlanarBytes() argument
152 cmsUInt8Number* Init = accum; in UnrollPlanarBytes()
155 accum += T_EXTRA(info -> InputFormat) * Stride; in UnrollPlanarBytes()
161 cmsUInt16Number v = FROM_8_TO_16(*accum); in UnrollPlanarBytes()
[all …]
/external/eigen/unsupported/test/
Dcxx11_tensor_scan.cpp27 float accum = 0; in test_1d_scan() local
30 VERIFY_IS_EQUAL(result(i), accum); in test_1d_scan()
31 accum += tensor(i); in test_1d_scan()
33 accum += tensor(i); in test_1d_scan()
34 VERIFY_IS_EQUAL(result(i), accum); in test_1d_scan()
38 accum = 1; in test_1d_scan()
42 VERIFY_IS_EQUAL(result(i), accum); in test_1d_scan()
43 accum *= tensor(i); in test_1d_scan()
45 accum *= tensor(i); in test_1d_scan()
46 VERIFY_IS_EQUAL(result(i), accum); in test_1d_scan()
[all …]
/external/eigen/unsupported/Eigen/CXX11/src/Tensor/
DTensorFunctors.h101 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void reduce(const T t, T* accum) const {
103 *accum = sum_op(*accum, t);
106 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void reducePacket(const Packet& p, Packet* accum) const {
107 (*accum) = padd<Packet>(*accum, p);
118 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE T finalize(const T accum) const {
119 return accum;
149 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void reduce(const T t, T* accum) {
151 *accum = sum_op(*accum, t);
155 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void reducePacket(const Packet& p, Packet* accum) {
156 (*accum) = padd<Packet>(*accum, p);
[all …]
/external/flac/src/test_libFLAC/
Dbitwriter.c54 bwword accum; /* accumulator; bits are right-justified; when full, accum is appended to buffer */ member
216 if((bw->accum & 0x00ffffff) != test_pattern1[words]) { in test_bitwriter()
217 …printf("FAILED pattern match (bw->accum=%" PRI_BWWORD " != %" PRI_BWWORD ")\n", bw->accum&0x00ffff… in test_bitwriter()
249 if((bw->accum & 0x3fffffff) != test_pattern1[words]) { in test_bitwriter()
250 …printf("FAILED pattern match (bw->accum=%" PRI_BWWORD " != %" PRI_BWWORD ")\n", bw->accum&0x3fffff… in test_bitwriter()
260 ok = TOTAL_BITS(bw) == 8 && (bw->accum & 0xff) == 0; in test_bitwriter()
270 ok = TOTAL_BITS(bw) == 8 && (bw->accum & 0xff) == 0x7F; in test_bitwriter()
280 ok = TOTAL_BITS(bw) == 16 && (bw->accum & 0xffff) == 0xC280; in test_bitwriter()
290 ok = TOTAL_BITS(bw) == 16 && (bw->accum & 0xffff) == 0xDFBF; in test_bitwriter()
300 ok = TOTAL_BITS(bw) == 24 && (bw->accum & 0xffffff) == 0xE0A080; in test_bitwriter()
[all …]
/external/llvm-project/llvm/test/Transforms/LoopVectorize/
Dpr35743.ll17 ret i8 %accum.plus
20 %accum.phi = phi i8 [ %c, %entry ], [ %accum.plus, %loop ]
22 %accum.and = and i8 %accum.phi, 1
23 %accum.plus = add nuw nsw i8 %accum.and, 3
39 %lcssa = phi i8 [ %accum.plus, %loop ]
43 %accum.phi = phi i8 [ %c, %entry ], [ %accum.plus, %loop ]
45 %accum.and = and i8 %accum.phi, 1
46 %accum.plus = add nuw nsw i8 %accum.and, 3
63 %lcssa = phi i8 [ %accum.plus, %loop ]
68 %accum.phi = phi i8 [ %c, %entry ], [ %accum.plus, %loop ]
[all …]
/external/deqp-deps/glslang/Test/
Dspv.bufferhandle6.frag15 int accum = 0, temp;
16 accum |= x.a[0] - 0;
17 accum |= x.a[pc.identity[1]] - 1;
18 accum |= x.b - 2;
19 accum |= x.c[0].a[0] - 3;
20 accum |= x.c[0].a[pc.identity[1]] - 4;
21 accum |= x.c[0].b - 5;
22 accum |= x.c[pc.identity[1]].a[0] - 6;
23 accum |= x.c[pc.identity[1]].a[pc.identity[1]] - 7;
24 accum |= x.c[pc.identity[1]].b - 8;
[all …]
/external/angle/third_party/vulkan-deps/glslang/src/Test/
Dspv.bufferhandle6.frag15 int accum = 0, temp;
16 accum |= x.a[0] - 0;
17 accum |= x.a[pc.identity[1]] - 1;
18 accum |= x.b - 2;
19 accum |= x.c[0].a[0] - 3;
20 accum |= x.c[0].a[pc.identity[1]] - 4;
21 accum |= x.c[0].b - 5;
22 accum |= x.c[pc.identity[1]].a[0] - 6;
23 accum |= x.c[pc.identity[1]].a[pc.identity[1]] - 7;
24 accum |= x.c[pc.identity[1]].b - 8;
[all …]
/external/deqp-deps/glslang/Test/baseResults/
Dspv.bufferhandle6.frag.out17 Name 8 "accum"
115 8(accum): 7(ptr) Variable Function
117 Store 8(accum) 9
121 26: 6(int) Load 8(accum)
123 Store 8(accum) 27
129 40: 6(int) Load 8(accum)
131 Store 8(accum) 41
135 46: 6(int) Load 8(accum)
137 Store 8(accum) 47
143 56: 6(int) Load 8(accum)
[all …]
/external/angle/third_party/vulkan-deps/glslang/src/Test/baseResults/
Dspv.bufferhandle6.frag.out17 Name 8 "accum"
115 8(accum): 7(ptr) Variable Function
117 Store 8(accum) 9
121 26: 6(int) Load 8(accum)
123 Store 8(accum) 27
129 40: 6(int) Load 8(accum)
131 Store 8(accum) 41
135 46: 6(int) Load 8(accum)
137 Store 8(accum) 47
143 56: 6(int) Load 8(accum)
[all …]
/external/llvm-project/clang/test/Frontend/
Dfixed_point_unknown_conversions.c21 _Accum accum; in func() local
22 _Fract fract = accum; // ok in func()
25accum = dc; // expected-error{{conversion between fixed point and '_Complex double' is not ye… in func()
26accum = ic; // expected-error{{conversion between fixed point and '_Complex int' is not yet s… in func()
27 accum = s; // expected-error{{assigning to '_Accum' from incompatible type 'struct S'}} in func()
28 accum = ptr; // expected-error{{assigning to '_Accum' from incompatible type 'int *'}} in func()
31 …dc = accum; // expected-error{{conversion between fixed point and '_Complex double' is not ye… in func()
32 …ic = accum; // expected-error{{conversion between fixed point and '_Complex int' is not yet s… in func()
33 s = accum; // expected-error{{assigning to 'struct S' from incompatible type '_Accum'}} in func()
34 ptr = accum; // expected-error{{assigning to 'int *' from incompatible type '_Accum'}} in func()
/external/ruy/ruy/
Dreference_mul.h34 AccumScalar accum = 0; in ReferenceMul() local
38 accum += (lhs_val - lhs.zero_point()) * (rhs_val - rhs.zero_point()); in ReferenceMul()
43 accum += mul_params.bias()[channel]; in ReferenceMul()
45 ApplyMultiplier(mul_params, channel, &accum); in ReferenceMul()
46 accum += dst->zero_point(); in ReferenceMul()
47 accum = std::min<AccumScalar>(accum, mul_params.clamp_max()); in ReferenceMul()
48 accum = std::max<AccumScalar>(accum, mul_params.clamp_min()); in ReferenceMul()
49 *ElementPtr(dst, i, j) = static_cast<DstScalar>(accum); in ReferenceMul()
/external/tensorflow/tensorflow/core/kernels/
Ddebug_ops_gpu.cu.cc63 Tout accum[3] = {0.0, 0.0, 0.0}; in ConciseHealthKernel() local
68 ++accum[0]; in ConciseHealthKernel()
70 ++accum[1]; in ConciseHealthKernel()
74 ++accum[2]; in ConciseHealthKernel()
79 GpuAtomicAdd(output, accum[0]); in ConciseHealthKernel()
80 GpuAtomicAdd(output + 1, accum[1]); in ConciseHealthKernel()
81 GpuAtomicAdd(output + 2, accum[2]); in ConciseHealthKernel()
94 Tout accum[6] = {0.0, 0.0, 0.0, 0.0, 0.0, 0.0}; in FullHealthKernel() local
99 ++accum[0]; in FullHealthKernel()
101 ++accum[1]; in FullHealthKernel()
[all …]
/external/tcpdump/
Dchecksum.c94 register uint16_t accum; in init_crc10_table() local
99 accum = ((unsigned short) i << 2); in init_crc10_table()
102 if ((accum <<= 1) & 0x400) accum ^= CRC10_POLYNOMIAL; in init_crc10_table()
104 verify_crc10_table[i] = accum; in init_crc10_table()
113 verify_crc10_cksum(uint16_t accum, const u_char *p, int length) in verify_crc10_cksum() argument
119 accum = ((accum << 8) & 0x3ff) in verify_crc10_cksum()
120 ^ crc10_table[( accum >> 2) & 0xff] in verify_crc10_cksum()
123 return accum; in verify_crc10_cksum()
/external/tensorflow/tensorflow/tools/android/test/jni/object_tracking/
Dutils_neon.cc44 float32x4_t accum = vdupq_n_f32(0.0f); in ComputeMeanNeon() local
48 accum = vaddq_f32(accum, vld1q_f32(&arm_vals[offset])); in ComputeMeanNeon()
52 float sum = GetSum(accum); in ComputeMeanNeon()
79 float32x4_t accum = vdupq_n_f32(0.0f); in ComputeStdDevNeon() local
86 accum = vmlaq_f32(accum, deltas, deltas); in ComputeStdDevNeon()
90 float squared_sum = GetSum(accum); in ComputeStdDevNeon()
118 float32x4_t accum = vdupq_n_f32(0.0f); in ComputeCrossCorrelationNeon() local
122 accum = vmlaq_f32(accum, in ComputeCrossCorrelationNeon()
128 float sxy = GetSum(accum); in ComputeCrossCorrelationNeon()
/external/libaom/libaom/aom_dsp/arm/
Davg_neon.c53 int32x4_t accum = vdupq_n_s32(0); in aom_satd_lp_neon() local
58 accum = vabal_s16(accum, vget_low_s16(src0), zero); in aom_satd_lp_neon()
59 accum = vabal_s16(accum, vget_high_s16(src0), zero); in aom_satd_lp_neon()
60 accum = vabal_s16(accum, vget_low_s16(src8), zero); in aom_satd_lp_neon()
61 accum = vabal_s16(accum, vget_high_s16(src8), zero); in aom_satd_lp_neon()
68 const int64x2_t s0 = vpaddlq_s32(accum); // cascading summation of 'accum'. in aom_satd_lp_neon()
/external/rust/crates/itertools/src/
Dintersperse.rs99 let mut accum = init; in fold() localVariable
102 accum = f(accum, x); in fold()
107 self.iter.fold(accum, in fold()
108 |accum, x| { in fold()
109 let accum = f(accum, element.generate()); in fold() localVariable
110 let accum = f(accum, x); in fold() localVariable
111 accum in fold()
/external/tensorflow/tensorflow/core/api_def/base_api/
Dapi_def_SparseApplyMomentum.pbtxt10 name: "accum"
30 A vector of indices into the first dimension of var and accum.
48 If `True`, updating of the var and accum tensors will be protected
57 var - lr * momentum * accum, so in the end, the var you get is actually
58 var - lr * momentum * accum.
61 summary: "Update relevant entries in \'*var\' and \'*accum\' according to the momentum scheme."
65 That is for rows we have grad for, we update var and accum as follows:
67 $$accum = accum * momentum + grad$$
68 $$var -= lr * accum$$
Dapi_def_ResourceSparseApplyMomentum.pbtxt10 name: "accum"
30 A vector of indices into the first dimension of var and accum.
42 If `True`, updating of the var and accum tensors will be protected
51 var - lr * momentum * accum, so in the end, the var you get is actually
52 var - lr * momentum * accum.
55 summary: "Update relevant entries in \'*var\' and \'*accum\' according to the momentum scheme."
59 That is for rows we have grad for, we update var and accum as follows:
61 accum = accum * momentum + grad
62 var -= lr * accum
Dapi_def_ResourceSparseApplyKerasMomentum.pbtxt10 name: "accum"
30 A vector of indices into the first dimension of var and accum.
42 If `True`, updating of the var and accum tensors will be protected
51 var + momentum * accum, so in the end, the var you get is actually
52 var + momentum * accum.
55 summary: "Update relevant entries in \'*var\' and \'*accum\' according to the momentum scheme."
59 That is for rows we have grad for, we update var and accum as follows:
61 accum = accum * momentum - lr * grad
62 var += accum
/external/llvm-project/llvm/test/Transforms/LoopStrengthReduce/X86/
D2008-08-14-ShadowIV.ll117 ; Unable to eliminate cast because the integer IV overflows (accum exceeds
128 %accum = phi i32 [ -3220, %entry ], [ %accum.next, %loop ]
130 %tmp1 = sitofp i32 %accum to double
132 %accum.next = add i32 %accum, 9597741
138 ret i32 %accum.next
151 %accum = phi i32 [ -3220, %entry ], [ %accum.next, %loop ]
153 %tmp1 = sitofp i32 %accum to double
155 %accum.next = add nsw i32 %accum, 9597741
161 ret i32 %accum.next
164 ; Unable to eliminate cast because the integer IV overflows (accum exceeds
[all …]
/external/llvm-project/clang/test/CodeGen/
Dvector.c30 __m64 accum = _mm_setzero_si64(); in test4() local
33 accum = _mm_add_pi32(p[i], accum); in test4()
35 __m64 accum2 = _mm_unpackhi_pi32(accum, accum); in test4()
36 accum = _mm_add_pi32(accum, accum2); in test4()
38 int result = _mm_cvtsi64_si32(accum); in test4()
/external/clang/test/CodeGen/
Dvector.c32 __m64 accum = _mm_setzero_si64(); in test4() local
35 accum = _mm_add_pi32(p[i], accum); in test4()
37 __m64 accum2 = _mm_unpackhi_pi32(accum, accum); in test4()
38 accum = _mm_add_pi32(accum, accum2); in test4()
40 int result = _mm_cvtsi64_si32(accum); in test4()
/external/toolchain-utils/android_bench_suite/
Dparse_result.py42 accum = 0
48 accum += float(words[-1])
50 if accum != 0:
51 result_dict['total_voices'] = accum / cnt
60 accum = 0
67 accum += float(word[8:-2])
69 if accum != 0:
70 result_dict['avg_time_ms'] = accum / cnt
/external/tensorflow/tensorflow/lite/kernels/internal/reference/
Dfully_connected.h141 int32_t accum = bias_data[out_c]; in FullyConnected() local
147 accum += filter_val * input_val; in FullyConnected()
153 accum = in FullyConnected()
154 MultiplyByQuantizedMultiplier(accum, output_multiplier, output_shift); in FullyConnected()
156 accum = std::max(accum, output_activation_min - output_offset); in FullyConnected()
157 accum = std::min(accum, output_activation_max - output_offset); in FullyConnected()
158 accum += output_offset; in FullyConnected()
159 output_data[out_c + output_depth * b] = accum; in FullyConnected()
233 int32_t accum[4] = {0}; in ShuffledFullyConnected() local
240 accum[i] += weights_val * input_val; in ShuffledFullyConnected()
[all …]

12345678910>>...15