Home
last modified time | relevance | path

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

12345678910

/external/webrtc/webrtc/base/
Drollingaccumulator_unittest.cc23 RollingAccumulator<int> accum(10); in TEST() local
25 EXPECT_EQ(0U, accum.count()); in TEST()
26 EXPECT_DOUBLE_EQ(0.0, accum.ComputeMean()); in TEST()
27 EXPECT_DOUBLE_EQ(0.0, accum.ComputeVariance()); in TEST()
28 EXPECT_EQ(0, accum.ComputeMin()); in TEST()
29 EXPECT_EQ(0, accum.ComputeMax()); in TEST()
33 RollingAccumulator<int> accum(10); in TEST() local
35 accum.AddSample(i); in TEST()
38 EXPECT_EQ(4U, accum.count()); in TEST()
39 EXPECT_EQ(6, accum.ComputeSum()); 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/swiftshader/third_party/llvm-7.0/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/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/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/jemalloc/test/unit/
Datomic.c34 t accum = tests[i].accum0; \
35 assert_##ta##_eq(atomic_read_##p(&accum), \
39 assert_##ta##_eq(atomic_add_##p(&accum, tests[i].x), \
43 assert_##ta##_eq(atomic_read_##p(&accum), accum, \
46 accum = tests[i].accum0; \
47 assert_##ta##_eq(atomic_sub_##p(&accum, tests[i].x), \
51 assert_##ta##_eq(atomic_read_##p(&accum), accum, \
54 accum = tests[i].accum0; \
55 err = atomic_cas_##p(&accum, tests[i].x, tests[i].s); \
58 assert_##ta##_eq(accum, err ? tests[i].accum0 : \
[all …]
/external/tensorflow/tensorflow/examples/android/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/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/swiftshader/third_party/llvm-7.0/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/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
Dapi_def_ResourceSparseApplyAdagrad.pbtxt10 name: "accum"
30 A vector of indices into the first dimension of var and accum.
36 If `True`, updating of the var and accum tensors will be protected
41 summary: "Update relevant entries in \'*var\' and \'*accum\' according to the adagrad scheme."
43 That is for rows we have grad for, we update var and accum as follows:
44 accum += grad * grad
45 var -= lr * grad * (1 / sqrt(accum))
Dapi_def_SparseApplyAdagrad.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
47 summary: "Update relevant entries in \'*var\' and \'*accum\' according to the adagrad scheme."
49 That is for rows we have grad for, we update var and accum as follows:
50 $$accum += grad * grad$$
51 $$var -= lr * grad * (1 / sqrt(accum))$$
Dapi_def_ResourceApplyKerasMomentum.pbtxt10 name: "accum"
36 If `True`, updating of the var and accum tensors will be protected
45 var + momentum * accum, so in the end, the var you get is actually
46 var + momentum * accum.
53 accum = accum * momentum - lr * grad
54 var += accum
Dapi_def_ResourceApplyMomentum.pbtxt10 name: "accum"
36 If `True`, updating of the var and accum tensors will be protected
45 var - lr * momentum * accum, so in the end, the var you get is actually
46 var - lr * momentum * accum.
53 accum = accum * momentum + grad
54 var -= lr * accum
Dapi_def_ApplyMomentum.pbtxt10 name: "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.
59 accum = accum * momentum + grad
60 var -= lr * accum
Dapi_def_ResourceSparseApplyProximalAdagrad.pbtxt10 name: "accum"
42 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 by
52 summary: "Sparse update entries in \'*var\' and \'*accum\' according to FOBOS algorithm."
54 That is for rows we have grad for, we update var and accum as follows:
55 accum += grad * grad
57 prox_v -= lr * grad * (1 / sqrt(accum))
/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/tensorflow/tensorflow/lite/kernels/internal/reference/
Dfully_connected.h146 int32 accum = bias_data[out_c]; in FullyConnected() local
151 accum += filter_val * input_val; in FullyConnected()
157 accum = in FullyConnected()
158 MultiplyByQuantizedMultiplier(accum, output_multiplier, output_shift); in FullyConnected()
160 accum = std::max(accum, output_activation_min - output_offset); in FullyConnected()
161 accum = std::min(accum, output_activation_max - output_offset); in FullyConnected()
162 accum += output_offset; in FullyConnected()
163 output_data[out_c + output_depth * b] = accum; in FullyConnected()
239 int32 accum[4] = {0}; in ShuffledFullyConnected() local
246 accum[i] += weights_val * input_val; in ShuffledFullyConnected()
[all …]
/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/contrib/optimizer_v2/
Dadadelta.py62 accum = state.get_slot(var, "accum")
66 accum,
75 accum = state.get_slot(var, "accum")
79 accum.handle,
88 accum = state.get_slot(var, "accum")
92 accum,
102 accum = state.get_slot(var, "accum")
106 accum.handle,
/external/tensorflow/tensorflow/compiler/tf2xla/kernels/
Dtraining_ops.cc127 xla::XlaOp var, accum; in Compile() local
129 OP_REQUIRES_OK(ctx, ctx->ReadVariableInput(1, type, &accum_shape, &accum)); in Compile()
156 accum = accum * momentum + grad; in Compile()
160 var = var - (grad * lr + accum * momentum * lr); in Compile()
162 var = var - accum * lr; in Compile()
165 OP_REQUIRES_OK(ctx, ctx->AssignVariable(1, type, accum)); in Compile()
185 xla::XlaOp var, accum; in Compile() local
187 OP_REQUIRES_OK(ctx, ctx->ReadVariableInput(1, type, &accum_shape, &accum)); in Compile()
214 accum = accum * momentum - grad * lr; in Compile()
218 var = var + accum * momentum - grad * lr; in Compile()
[all …]

12345678910