Home
last modified time | relevance | path

Searched refs:coefficients (Results 1 – 25 of 240) sorted by relevance

12345678910

/external/apache-commons-math/src/main/java/org/apache/commons/math/analysis/polynomials/
DPolynomialFunction.java48 private final double coefficients[]; field in PolynomialFunction
73 this.coefficients = new double[n]; in PolynomialFunction()
74 System.arraycopy(c, 0, this.coefficients, 0, n); in PolynomialFunction()
89 return evaluate(coefficients, x); in value()
99 return coefficients.length - 1; in degree()
111 return coefficients.clone(); in getCoefficients()
124 protected static double evaluate(double[] coefficients, double argument) { in evaluate() argument
125 int n = coefficients.length; in evaluate()
129 double result = coefficients[n - 1]; in evaluate()
131 result = argument * result + coefficients[j]; in evaluate()
[all …]
DPolynomialFunctionNewtonForm.java44 private double coefficients[]; field in PolynomialFunctionNewtonForm
142 double[] out = new double[coefficients.length]; in getCoefficients()
143 System.arraycopy(coefficients, 0, out, 0, coefficients.length); in getCoefficients()
180 coefficients = new double[n+1]; in computeCoefficients()
182 coefficients[i] = 0.0; in computeCoefficients()
185 coefficients[0] = a[n]; in computeCoefficients()
188 coefficients[j] = coefficients[j-1] - c[i] * coefficients[j]; in computeCoefficients()
190 coefficients[0] = a[i] - c[i] * coefficients[0]; in computeCoefficients()
DPolynomialsUtils.java194 final ArrayList<BigFraction> coefficients,
197 final int maxDegree = (int) FastMath.floor(FastMath.sqrt(2 * coefficients.size())) - 1;
200 computeUpToDegree(degree, maxDegree, generator, coefficients);
216 a[i] = coefficients.get(start + i).doubleValue();
232 final ArrayList<BigFraction> coefficients) {
244 BigFraction ck = coefficients.get(startK);
245 BigFraction ckm1 = coefficients.get(startKm1);
248 coefficients.add(ck.multiply(ai[0]).subtract(ckm1.multiply(ai[2])));
253 ck = coefficients.get(startK + i);
254 ckm1 = coefficients.get(startKm1 + i);
[all …]
/external/kotlinx.coroutines/benchmarks/src/jmh/kotlin/benchmarks/scheduler/
DForkJoinBenchmark.kt47 lateinit var coefficients: LongArray variable in benchmarks.scheduler.ForkJoinBenchmark
53 coefficients = LongArray(TASK_SIZE) { ThreadLocalRandom.current().nextLong(0, 1024 * 1024) } in setup()
58 …ForkJoinPool.commonPool().asCoroutineDispatcher()).startAsync(coefficients, 0, coefficients.size).… in <lambda>()
63 startAsync(coefficients, 0, coefficients.size).await() in <lambda>()
68 val task = RecursiveAction(coefficients, 0, coefficients.size) in fjpRecursiveTask()
74 val task = Task(coefficients, 0, coefficients.size) in fjpTask()
78 …suspend fun CoroutineScope.startAsync(coefficients: LongArray, start: Int, end: Int): Deferred<Dou… in <lambda>()
80 compute(coefficients, start, end) in <lambda>()
82 val first = startAsync(coefficients, start, start + (end - start) / 2) in <lambda>()
83 val second = startAsync(coefficients, start + (end - start) / 2, end) in <lambda>()
[all …]
/external/tensorflow/tensorflow/python/keras/optimizer_v2/
Drmsprop.py178 coefficients = ((apply_state or {}).get((var_device, var_dtype))
191 lr=coefficients["lr_t"],
192 rho=coefficients["rho"],
193 momentum=coefficients["momentum"],
194 epsilon=coefficients["epsilon"],
202 lr=coefficients["lr_t"],
203 rho=coefficients["rho"],
204 momentum=coefficients["momentum"],
205 epsilon=coefficients["epsilon"],
209 rms_t = (coefficients["rho"] * rms +
[all …]
Dftrl.py155 coefficients = ((apply_state or {}).get((var_device, var_dtype))
161 coefficients['l2_regularization_strength'] + coefficients['beta'] /
162 (2. * coefficients['lr_t']))
173 lr=coefficients['lr_t'],
174 l1=coefficients['l1_regularization_strength'],
176 lr_power=coefficients['learning_rate_power'],
184 lr=coefficients['lr_t'],
185 l1=coefficients['l1_regularization_strength'],
187 l2_shrinkage=coefficients['l2_shrinkage_regularization_strength'],
188 lr_power=coefficients['learning_rate_power'],
[all …]
Dadam.py168 coefficients = ((apply_state or {}).get((var_device, var_dtype))
179 beta1_power=coefficients['beta_1_power'],
180 beta2_power=coefficients['beta_2_power'],
181 lr=coefficients['lr_t'],
182 beta1=coefficients['beta_1_t'],
183 beta2=coefficients['beta_2_t'],
184 epsilon=coefficients['epsilon'],
194 beta1_power=coefficients['beta_1_power'],
195 beta2_power=coefficients['beta_2_power'],
196 lr=coefficients['lr_t'],
[all …]
Dnadam.py152 coefficients = ((apply_state or {}).get((var_device, var_dtype))
158 g_prime = grad / coefficients['one_minus_m_schedule_new']
159 m_t = (coefficients['beta_1_t'] * m +
160 coefficients['one_minus_beta_1_t'] * grad)
162 m_t_prime = m_t / coefficients['one_minus_m_schedule_next']
163 v_t = (coefficients['beta_2_t'] * v +
164 coefficients['one_minus_beta_2_t'] * math_ops.square(grad))
166 v_t_prime = v_t / coefficients['v_t_prime_denominator']
167 m_t_bar = (coefficients['one_minus_m_t'] * g_prime +
168 coefficients['m_t_1'] * m_t_prime)
[all …]
Dadamax.py135 coefficients = ((apply_state or {}).get((var_device, var_dtype))
144 beta1_power=coefficients['beta_1_power'],
145 lr=coefficients['lr_t'],
146 beta1=coefficients['beta_1_t'],
147 beta2=coefficients['beta_2_t'],
148 epsilon=coefficients['epsilon'],
154 coefficients = ((apply_state or {}).get((var_device, var_dtype))
159 m_slice = array_ops.gather(m, indices, axis=coefficients['zero'])
160 m_t_slice = (m_slice * coefficients['beta_1_t'] +
161 grad * coefficients['one_minus_beta_1_t'])
[all …]
Dgradient_descent.py134 coefficients = ((apply_state or {}).get((var_device, var_dtype))
142 lr=coefficients["lr_t"],
144 momentum=coefficients["momentum"],
150 alpha=coefficients["lr_t"],
161 coefficients = (kwargs.get("apply_state", {}).get((var_device, var_dtype))
167 updates=-grad * coefficients["lr_t"])
172 coefficients = ((apply_state or {}).get((var_device, var_dtype))
179 lr=coefficients["lr_t"],
182 momentum=coefficients["momentum"],
Dadadelta.py119 coefficients = ((apply_state or {}).get((var_device, var_dtype))
128 lr=coefficients['lr_t'],
129 rho=coefficients['rho'],
130 epsilon=coefficients['epsilon'],
136 coefficients = ((apply_state or {}).get((var_device, var_dtype))
145 lr=coefficients['lr_t'],
146 rho=coefficients['rho'],
147 epsilon=coefficients['epsilon'],
/external/apache-commons-math/src/main/java/org/apache/commons/math/optimization/linear/
DLinearObjectiveFunction.java48 private final transient RealVector coefficients; field in LinearObjectiveFunction
57 public LinearObjectiveFunction(double[] coefficients, double constantTerm) { in LinearObjectiveFunction() argument
58 this(new ArrayRealVector(coefficients), constantTerm); in LinearObjectiveFunction()
65 public LinearObjectiveFunction(RealVector coefficients, double constantTerm) { in LinearObjectiveFunction() argument
66 this.coefficients = coefficients; in LinearObjectiveFunction()
75 return coefficients; in getCoefficients()
92 return coefficients.dotProduct(point) + constantTerm; in getValue()
101 return coefficients.dotProduct(point) + constantTerm; in getValue()
114 return (constantTerm == rhs.constantTerm) && coefficients.equals(rhs.coefficients); in equals()
123 return Double.valueOf(constantTerm).hashCode() ^ coefficients.hashCode(); in hashCode()
[all …]
DLinearConstraint.java57 private final transient RealVector coefficients; field in LinearConstraint
79 public LinearConstraint(final double[] coefficients, final Relationship relationship, in LinearConstraint() argument
81 this(new ArrayRealVector(coefficients), relationship, value); in LinearConstraint()
98 public LinearConstraint(final RealVector coefficients, final Relationship relationship, in LinearConstraint() argument
100 this.coefficients = coefficients; in LinearConstraint()
131 this.coefficients = new ArrayRealVector(sub, false); in LinearConstraint()
158 this.coefficients = lhsCoefficients.subtract(rhsCoefficients); in LinearConstraint()
168 return coefficients; in getCoefficients()
199 coefficients.equals(rhs.coefficients); in equals()
209 coefficients.hashCode(); in hashCode()
[all …]
/external/webrtc/modules/audio_processing/utility/
Dcascaded_biquad_filter_unittest.cc122 EXPECT_NEAR(filter.coefficients.b[0], 0.18669433f, epsilon); in TEST()
123 EXPECT_NEAR(filter.coefficients.b[1], 0.37338867f, epsilon); in TEST()
124 EXPECT_NEAR(filter.coefficients.b[2], 0.18669433f, epsilon); in TEST()
125 EXPECT_NEAR(filter.coefficients.a[0], -0.46293803f, epsilon); in TEST()
126 EXPECT_NEAR(filter.coefficients.a[1], 0.20971536f, epsilon); in TEST()
136 EXPECT_NEAR(filter.coefficients.b[0], 0.75707638f, epsilon); in TEST()
137 EXPECT_NEAR(filter.coefficients.b[1], -1.51415275f, epsilon); in TEST()
138 EXPECT_NEAR(filter.coefficients.b[2], 0.75707638f, epsilon); in TEST()
139 EXPECT_NEAR(filter.coefficients.a[0], -1.45424359f, epsilon); in TEST()
140 EXPECT_NEAR(filter.coefficients.a[1], 0.57406192f, epsilon); in TEST()
[all …]
Dcascaded_biquad_filter.cc41 coefficients.b[0] = gain * 1.f; in BiQuad()
42 coefficients.b[1] = 0.f; in BiQuad()
43 coefficients.b[2] = gain * -(z_r * z_r); in BiQuad()
46 coefficients.b[0] = gain * 1.f; in BiQuad()
47 coefficients.b[1] = gain * -2.f * z_r; in BiQuad()
48 coefficients.b[2] = gain * (z_r * z_r + z_i * z_i); in BiQuad()
52 coefficients.a[0] = -2.f * p_r; in BiQuad()
53 coefficients.a[1] = p_r * p_r + p_i * p_i; in BiQuad()
61 const CascadedBiQuadFilter::BiQuadCoefficients& coefficients, in CascadedBiQuadFilter() argument
63 : biquads_(num_biquads, BiQuad(coefficients)) {} in CascadedBiQuadFilter()
[all …]
/external/webrtc/common_audio/signal_processing/
Dfilter_ar_fast_q12_armv7.S26 @ r2: &coefficients[0]
34 @ r10: coefficients[j]
36 @ r12: &coefficients[j]
51 sub r12, #4 @ &coefficients[coefficients_length - 2]
63 ldr r10, [r12], #-4 @ coefficients[j - 1], coefficients[j]
65 smlatt r8, r10, r5, r8 @ sum2 += coefficients[j] * data_out[i - j + 1];
66 smlatb r7, r10, r5, r7 @ sum1 += coefficients[j] * data_out[i - j];
67 smlabt r7, r10, r5, r7 @ coefficients[j - 1] * data_out[i - j + 1];
69 smlabb r8, r10, r5, r8 @ coefficients[j - 1] * data_out[i - j + 2];
74 ldrsh r10, [r12, #2] @ Filter coefficients coefficients[2]
[all …]
/external/webrtc/common_audio/
Dfir_filter_factory.cc26 FIRFilter* CreateFirFilter(const float* coefficients, in CreateFirFilter() argument
29 if (!coefficients || coefficients_length <= 0 || max_input_length <= 0) { in CreateFirFilter()
39 new FIRFilterSSE2(coefficients, coefficients_length, max_input_length); in CreateFirFilter()
44 new FIRFilterSSE2(coefficients, coefficients_length, max_input_length); in CreateFirFilter()
46 filter = new FIRFilterC(coefficients, coefficients_length); in CreateFirFilter()
51 new FIRFilterNEON(coefficients, coefficients_length, max_input_length); in CreateFirFilter()
53 filter = new FIRFilterC(coefficients, coefficients_length); in CreateFirFilter()
/external/pdfium/fxbarcode/common/reedsolomon/
DBC_ReedSolomonGF256Poly.cpp35 const std::vector<int32_t>& coefficients) in CBC_ReedSolomonGF256Poly() argument
38 ASSERT(!coefficients.empty()); in CBC_ReedSolomonGF256Poly()
39 if (coefficients.size() == 1 || coefficients.front() != 0) { in CBC_ReedSolomonGF256Poly()
40 m_coefficients = coefficients; in CBC_ReedSolomonGF256Poly()
45 while (firstNonZero < coefficients.size() && in CBC_ReedSolomonGF256Poly()
46 coefficients[firstNonZero] == 0) { in CBC_ReedSolomonGF256Poly()
49 if (firstNonZero == coefficients.size()) { in CBC_ReedSolomonGF256Poly()
52 m_coefficients.resize(coefficients.size() - firstNonZero); in CBC_ReedSolomonGF256Poly()
53 for (size_t i = firstNonZero, j = 0; i < coefficients.size(); i++, j++) in CBC_ReedSolomonGF256Poly()
54 m_coefficients[j] = coefficients[i]; in CBC_ReedSolomonGF256Poly()
/external/eigen/doc/special_examples/
DTutorial_sparse_example.cpp7 void buildProblem(std::vector<T>& coefficients, Eigen::VectorXd& b, int n);
18 std::vector<T> coefficients; // list of non-zeros coefficients in main() local
20 buildProblem(coefficients, b, n); in main()
23 A.setFromTriplets(coefficients.begin(), coefficients.end()); in main()
DTutorial_sparse_example_details.cpp19 void buildProblem(std::vector<T>& coefficients, Eigen::VectorXd& b, int n) in buildProblem() argument
28 insertCoefficient(id, i-1,j, -1, coefficients, b, boundary); in buildProblem()
29 insertCoefficient(id, i+1,j, -1, coefficients, b, boundary); in buildProblem()
30 insertCoefficient(id, i,j-1, -1, coefficients, b, boundary); in buildProblem()
31 insertCoefficient(id, i,j+1, -1, coefficients, b, boundary); in buildProblem()
32 insertCoefficient(id, i,j, 4, coefficients, b, boundary); in buildProblem()
/external/apache-commons-math/src/main/java/org/apache/commons/math/analysis/solvers/
DLaguerreSolver.java231 double coefficients[] = ((PolynomialFunction) f).getCoefficients(); in solve() local
232 Complex c[] = new Complex[coefficients.length]; in solve()
233 for (int i = 0; i < coefficients.length; i++) { in solve()
234 c[i] = new Complex(coefficients[i], 0.0); in solve()
286 public Complex[] solveAll(double coefficients[], double initial) throws in solveAll() argument
289 Complex c[] = new Complex[coefficients.length]; in solveAll()
292 c[i] = new Complex(coefficients[i], 0.0); in solveAll()
311 public Complex[] solveAll(Complex coefficients[], Complex initial) throws in solveAll() argument
314 int n = coefficients.length - 1; in solveAll()
322 c[i] = coefficients[i]; in solveAll()
[all …]
/external/libgav1/libgav1/src/dsp/arm/
Dsuper_res_neon.cc36 void* const coefficients) { in SuperResCoefficients_NEON() argument
37 auto* dst = static_cast<uint8_t*>(coefficients); in SuperResCoefficients_NEON()
67 const uint8_t** coefficients) { in SuperRes() argument
69 for (int i = 0; i < kSuperResFilterTaps / 2; ++i, *coefficients += 16) { in SuperRes()
70 f[i] = vld1q_u8(*coefficients); in SuperRes()
84 void SuperRes_NEON(const void* const coefficients, void* const source, in SuperRes_NEON() argument
93 const auto* filter = static_cast<const uint8_t*>(coefficients); in SuperRes_NEON()
159 void* const coefficients) { in SuperResCoefficients_NEON() argument
160 auto* dst = static_cast<uint16_t*>(coefficients); in SuperResCoefficients_NEON()
199 const uint16_t** coefficients, int bitdepth) { in SuperRes() argument
[all …]
/external/oboe/src/flowgraph/resampler/
DPolyphaseResamplerMono.cpp48 const float *coefficients = &mCoefficients[mCoefficientCursor]; in readFrame() local
53 sum += *xFrame++ * *coefficients++; in readFrame()
54 sum += *xFrame++ * *coefficients++; in readFrame()
55 sum += *xFrame++ * *coefficients++; in readFrame()
56 sum += *xFrame++ * *coefficients++; in readFrame()
/external/skqp/src/gpu/gl/
DGrGLPathRendering.cpp149 float coefficients[3 * 3]; in setProgramPathFragmentInputTransform() local
152 coefficients[0] = SkScalarToFloat(matrix[SkMatrix::kMScaleX]); in setProgramPathFragmentInputTransform()
153 coefficients[1] = SkScalarToFloat(matrix[SkMatrix::kMSkewX]); in setProgramPathFragmentInputTransform()
154 coefficients[2] = SkScalarToFloat(matrix[SkMatrix::kMTransX]); in setProgramPathFragmentInputTransform()
157 coefficients[3] = SkScalarToFloat(matrix[SkMatrix::kMSkewY]); in setProgramPathFragmentInputTransform()
158 coefficients[4] = SkScalarToFloat(matrix[SkMatrix::kMScaleY]); in setProgramPathFragmentInputTransform()
159 coefficients[5] = SkScalarToFloat(matrix[SkMatrix::kMTransY]); in setProgramPathFragmentInputTransform()
163 coefficients[6] = SkScalarToFloat(matrix[SkMatrix::kMPersp0]); in setProgramPathFragmentInputTransform()
164 coefficients[7] = SkScalarToFloat(matrix[SkMatrix::kMPersp1]); in setProgramPathFragmentInputTransform()
165 coefficients[8] = SkScalarToFloat(matrix[SkMatrix::kMPersp2]); in setProgramPathFragmentInputTransform()
[all …]
/external/tensorflow/tensorflow/lite/experimental/microfrontend/lib/
Dwindow_util.c37 state->coefficients = malloc(state->size * sizeof(*state->coefficients)); in WindowPopulateState()
38 if (state->coefficients == NULL) { in WindowPopulateState()
49 state->coefficients[i] = in WindowPopulateState()
70 free(state->coefficients); in WindowFreeStateContents()

12345678910