Home
last modified time | relevance | path

Searched refs:theta (Results 1 – 25 of 109) sorted by relevance

12345

/external/apache-commons-math/src/main/java/org/apache/commons/math/ode/nonstiff/
DHighamHall54StepInterpolator.java72 protected void computeInterpolatedStateAndDerivatives(final double theta, in computeInterpolatedStateAndDerivatives() argument
76 final double theta2 = theta * theta; in computeInterpolatedStateAndDerivatives()
78 …final double b0 = h * (-1.0/12.0 + theta * (1.0 + theta * (-15.0/4.0 + theta * (16.0/3.0 + theta *… in computeInterpolatedStateAndDerivatives()
79 …final double b2 = h * (-27.0/32.0 + theta2 * (459.0/32.0 + theta * (-243.0/8.0 + theta * 135.0/8.0… in computeInterpolatedStateAndDerivatives()
80 final double b3 = h * (4.0/3.0 + theta2 * (-22.0 + theta * (152.0/3.0 + theta * -30.0))); in computeInterpolatedStateAndDerivatives()
81 …final double b4 = h * (-125.0/96.0 + theta2 * (375.0/32.0 + theta * (-625.0/24.0 + theta * 125.0/8… in computeInterpolatedStateAndDerivatives()
82 final double b5 = h * (-5.0/48.0 + theta2 * (-5.0/16.0 + theta * 5.0/12.0)); in computeInterpolatedStateAndDerivatives()
83 final double bDot0 = 1 + theta * (-15.0/2.0 + theta * (16.0 - 10.0 * theta)); in computeInterpolatedStateAndDerivatives()
84 final double bDot2 = theta * (459.0/16.0 + theta * (-729.0/8.0 + 135.0/2.0 * theta)); in computeInterpolatedStateAndDerivatives()
85 final double bDot3 = theta * (-44.0 + theta * (152.0 - 120.0 * theta)); in computeInterpolatedStateAndDerivatives()
[all …]
DThreeEighthesStepInterpolator.java87 protected void computeInterpolatedStateAndDerivatives(final double theta, in computeInterpolatedStateAndDerivatives() argument
91 final double fourTheta2 = 4 * theta * theta; in computeInterpolatedStateAndDerivatives()
93 final double coeff1 = s * (1 - 7 * theta + 2 * fourTheta2); in computeInterpolatedStateAndDerivatives()
94 final double coeff2 = 3 * s * (1 + theta - fourTheta2); in computeInterpolatedStateAndDerivatives()
95 final double coeff3 = 3 * s * (1 + theta); in computeInterpolatedStateAndDerivatives()
96 final double coeff4 = s * (1 + theta + fourTheta2); in computeInterpolatedStateAndDerivatives()
97 final double coeffDot3 = 0.75 * theta; in computeInterpolatedStateAndDerivatives()
98 final double coeffDot1 = coeffDot3 * (4 * theta - 5) + 1; in computeInterpolatedStateAndDerivatives()
99 final double coeffDot2 = coeffDot3 * (5 - 6 * theta); in computeInterpolatedStateAndDerivatives()
100 final double coeffDot4 = coeffDot3 * (2 * theta - 1); in computeInterpolatedStateAndDerivatives()
DClassicalRungeKuttaStepInterpolator.java84 protected void computeInterpolatedStateAndDerivatives(final double theta, in computeInterpolatedStateAndDerivatives() argument
88 final double fourTheta = 4 * theta; in computeInterpolatedStateAndDerivatives()
89 final double oneMinusTheta = 1 - theta; in computeInterpolatedStateAndDerivatives()
90 final double oneMinus2Theta = 1 - 2 * theta; in computeInterpolatedStateAndDerivatives()
92 final double coeff1 = s * ((-fourTheta + 5) * theta - 1); in computeInterpolatedStateAndDerivatives()
93 final double coeff23 = s * (( fourTheta - 2) * theta - 2); in computeInterpolatedStateAndDerivatives()
94 final double coeff4 = s * ((-fourTheta - 1) * theta - 1); in computeInterpolatedStateAndDerivatives()
96 final double coeffDot23 = 2 * theta * oneMinusTheta; in computeInterpolatedStateAndDerivatives()
97 final double coeffDot4 = -theta * oneMinus2Theta; in computeInterpolatedStateAndDerivatives()
DDormandPrince853StepInterpolator.java313 protected void computeInterpolatedStateAndDerivatives(final double theta, in computeInterpolatedStateAndDerivatives() argument
360 final double eta = 1 - theta; in computeInterpolatedStateAndDerivatives()
361 final double twoTheta = 2 * theta; in computeInterpolatedStateAndDerivatives()
362 final double theta2 = theta * theta; in computeInterpolatedStateAndDerivatives()
364 final double dot2 = theta * (2 - 3 * theta); in computeInterpolatedStateAndDerivatives()
365 final double dot3 = twoTheta * (1 + theta * (twoTheta -3)); in computeInterpolatedStateAndDerivatives()
366 final double dot4 = theta2 * (3 + theta * (5 * theta - 8)); in computeInterpolatedStateAndDerivatives()
367 final double dot5 = theta2 * (3 + theta * (-12 + theta * (15 - 6 * theta))); in computeInterpolatedStateAndDerivatives()
368 final double dot6 = theta2 * theta * (4 + theta * (-15 + theta * (18 - 7 * theta))); in computeInterpolatedStateAndDerivatives()
373 theta * (v[1][i] + in computeInterpolatedStateAndDerivatives()
[all …]
DGillStepInterpolator.java92 protected void computeInterpolatedStateAndDerivatives(final double theta, in computeInterpolatedStateAndDerivatives() argument
96 final double twoTheta = 2 * theta; in computeInterpolatedStateAndDerivatives()
97 final double fourTheta = 4 * theta; in computeInterpolatedStateAndDerivatives()
99 final double oMt = 1 - theta; in computeInterpolatedStateAndDerivatives()
105 final double coeff4 = s * (1 + theta * (1 + fourTheta)); in computeInterpolatedStateAndDerivatives()
106 final double coeffDot1 = theta * (twoTheta - 3) + 1; in computeInterpolatedStateAndDerivatives()
107 final double cDot23 = theta * oMt; in computeInterpolatedStateAndDerivatives()
110 final double coeffDot4 = theta * (twoTheta - 1); in computeInterpolatedStateAndDerivatives()
DDormandPrince54StepInterpolator.java167 protected void computeInterpolatedStateAndDerivatives(final double theta, in computeInterpolatedStateAndDerivatives() argument
201 final double eta = 1 - theta; in computeInterpolatedStateAndDerivatives()
202 final double twoTheta = 2 * theta; in computeInterpolatedStateAndDerivatives()
204 final double dot3 = theta * (2 - 3 * theta); in computeInterpolatedStateAndDerivatives()
205 final double dot4 = twoTheta * (1 + theta * (twoTheta - 3)); in computeInterpolatedStateAndDerivatives()
208 … currentState[i] - oneMinusThetaH * (v1[i] - theta * (v2[i] + theta * (v3[i] + eta * v4[i]))); in computeInterpolatedStateAndDerivatives()
DGraggBulirschStoerStepInterpolator.java311 protected void computeInterpolatedStateAndDerivatives(final double theta, in computeInterpolatedStateAndDerivatives() argument
316 final double oneMinusTheta = 1.0 - theta; in computeInterpolatedStateAndDerivatives()
317 final double theta05 = theta - 0.5; in computeInterpolatedStateAndDerivatives()
318 final double tOmT = theta * oneMinusTheta; in computeInterpolatedStateAndDerivatives()
320 final double t4Dot = 2 * tOmT * (1 - 2 * theta); in computeInterpolatedStateAndDerivatives()
322 final double dot2 = theta * (2 - 3 * theta) / h; in computeInterpolatedStateAndDerivatives()
323 final double dot3 = ((3 * theta - 4) * theta + 1) / h; in computeInterpolatedStateAndDerivatives()
331 … interpolatedState[i] = p0 + theta * (p1 + oneMinusTheta * (p2 * theta + p3 * oneMinusTheta)); in computeInterpolatedStateAndDerivatives()
DMidpointStepInterpolator.java82 protected void computeInterpolatedStateAndDerivatives(final double theta, in computeInterpolatedStateAndDerivatives() argument
86 final double coeff1 = oneMinusThetaH * theta; in computeInterpolatedStateAndDerivatives()
87 final double coeff2 = oneMinusThetaH * (1.0 + theta); in computeInterpolatedStateAndDerivatives()
88 final double coeffDot2 = 2 * theta; in computeInterpolatedStateAndDerivatives()
/external/eigen/bench/
Dquat_slerp.cpp33 Scalar theta = std::acos(absD); in slerp_legacy() local
34 Scalar sinTheta = internal::sin(theta); in slerp_legacy()
36 Scalar scale0 = internal::sin( ( Scalar(1) - t ) * theta) / sinTheta; in slerp_legacy()
37 Scalar scale1 = internal::sin( ( t * theta) ) / sinTheta; in slerp_legacy()
63 Scalar theta = std::acos(absD); in slerp_legacy_nlerp() local
64 Scalar sinTheta = internal::sin(theta); in slerp_legacy_nlerp()
66 scale0 = internal::sin( ( Scalar(1) - t ) * theta) / sinTheta; in slerp_legacy_nlerp()
67 scale1 = internal::sin( ( t * theta) ) / sinTheta; in slerp_legacy_nlerp()
90 Scalar theta; in slerp_rw() local
92 theta = /*M_PI -*/ Scalar(2)*std::asin( (a.coeffs()+b.coeffs()).norm()/2 ); in slerp_rw()
[all …]
/external/pdfium/third_party/lcms/src/
Dcmssm.c46 cmsFloat64Number theta; member
131 sp ->alpha = sp ->theta = 0; in ToSpherical()
136 sp ->theta = _cmsAtan2(sqrt(a*a + b*b), L); in ToSpherical()
152 sin_theta = sin((M_PI * sp ->theta) / 180.0); in ToCartesian()
153 cos_theta = cos((M_PI * sp ->theta) / 180.0); in ToCartesian()
168 void QuantizeToSector(const cmsSpherical* sp, int* alpha, int* theta) in QuantizeToSector() argument
171 *theta = (int) floor(((sp->theta * (SECTORS)) / 180.0) ); in QuantizeToSector()
175 if (*theta >= SECTORS) in QuantizeToSector()
176 *theta = SECTORS-1; in QuantizeToSector()
326 int alpha, theta; in GetPoint() local
[all …]
/external/tensorflow/tensorflow/contrib/recurrent/python/kernel_tests/
Drecurrent_test.py53 def Poly(theta, state, inputs): argument
56 x_power=state.x_power * theta.x)
60 theta = _PolyTheta(x=array_ops.constant(2.0))
68 ret = recurrent.Recurrent(theta, state, inputs, Poly)
77 dx, d_coeff = gradients_impl.gradients(ys=[y], xs=[theta.x, inputs.coeff])
88 ys=[math_ops.reduce_sum(acc)], xs=[theta.x, inputs.coeff])
100 def Elman(theta, state0, inputs): argument
101 h0, w, b, x = state0.h, theta.w, theta.b, inputs.x
108 def ElmanGrad(theta, state0, inputs, extras, dstate1): argument
124 dh0, dx, dw, db = Grad(state0.h, theta.w, theta.b, inputs.x,
[all …]
/external/tensorflow/tensorflow/contrib/recurrent/python/ops/
Drecurrent.py280 theta, argument
308 self._theta = theta
338 (theta, state0, inputs) = _Pack(args, fwd_sig)
339 state1, extras = self._cell_fn(theta, state0, inputs)
366 (theta, state0, inputs, acc_state, acc_extras) = _Pack(
369 fwd = Fwd(*_Flatten([theta, state0, inputs_t]))
376 [theta, state1, inputs, acc_state, acc_extras])
394 (theta, state0, inputs, max_input_length, _) = _Pack(op_inputs, op_struct)
408 theta, state0, inputs, max_input_length, acc_state, acc_extras,
423 theta, state0, inputs, max_input_length, extras = _Pack(args, forward_sig)
[all …]
/external/freetype/src/base/
Dfttrigon.c165 FT_Angle theta ) in ft_trig_pseudo_rotate() argument
176 while ( theta < -FT_ANGLE_PI4 ) in ft_trig_pseudo_rotate()
181 theta += FT_ANGLE_PI2; in ft_trig_pseudo_rotate()
184 while ( theta > FT_ANGLE_PI4 ) in ft_trig_pseudo_rotate()
189 theta -= FT_ANGLE_PI2; in ft_trig_pseudo_rotate()
197 if ( theta < 0 ) in ft_trig_pseudo_rotate()
202 theta += *arctanptr++; in ft_trig_pseudo_rotate()
209 theta -= *arctanptr++; in ft_trig_pseudo_rotate()
221 FT_Angle theta; in ft_trig_pseudo_polarize() local
235 theta = FT_ANGLE_PI2; in ft_trig_pseudo_polarize()
[all …]
/external/libcxx/test/std/numerics/complex.number/complex.value.ops/
Dpolar.pass.cpp30 test(const T& rho, const T& theta, std::complex<T> x) in test() argument
32 assert(std::polar(rho, theta) == x); in test()
53 double theta = imag(testcases[i]); in test_edges() local
54 std::complex<double> z = std::polar(r, theta); in test_edges()
58 if (std::signbit(r) || classify(theta) == inf || classify(theta) == NaN) in test_edges()
69 if (std::signbit(r) || classify(theta) == inf || classify(theta) == NaN) in test_edges()
88 if (classify(theta) != NaN && classify(theta) != inf) in test_edges()
/external/tensorflow/tensorflow/contrib/learn/python/learn/datasets/
Dsynthetic.py179 def _archimedes_spiral(theta, theta_offset=0., *args, **kwargs): argument
186 x, y = theta * np.cos(theta + theta_offset), theta * np.sin(
187 theta + theta_offset)
194 def _bernoulli_spiral(theta, theta_offset=0., *args, **kwargs): argument
206 x, y = np.exp(exp_scale * theta) * np.cos(theta + theta_offset), np.exp(
207 exp_scale * theta) * np.sin(theta + theta_offset)
214 def _fermat_spiral(theta, theta_offset=0., *args, **kwargs): argument
221 x, y = np.sqrt(theta) * np.cos(theta + theta_offset), np.sqrt(theta) * np.sin(
222 theta + theta_offset)
/external/javaparser/javaparser-symbol-solver-core/src/main/java/com/github/javaparser/symbolsolver/resolution/typeinference/
DTypeInference.java76 Substitution theta = Substitution.empty(); in instantiationInference() local
78 theta = theta.withPair(Ps.get(0), alphas.get(0)); in instantiationInference()
109 C = testForApplicabilityByStrictInvocation(Fs, es, theta); in instantiationInference()
115 C = testForApplicabilityByLooseInvocation(Fs, es, theta); in instantiationInference()
121 C = testForApplicabilityByVariableArityInvocation(Fs, es, theta); in instantiationInference()
642 … Substitution theta) { in testForApplicabilityByStrictInvocation() argument
670 return Optional.of(constraintSetFromArgumentsSubstitution(Fs, es, theta, k)); in testForApplicabilityByStrictInvocation()
678 … Substitution theta) { in testForApplicabilityByLooseInvocation() argument
689 return Optional.of(constraintSetFromArgumentsSubstitution(Fs, es, theta, k)); in testForApplicabilityByLooseInvocation()
692 …tFromArgumentsSubstitution(List<ResolvedType> Fs, List<Expression> es, Substitution theta, int k) { in constraintSetFromArgumentsSubstitution() argument
[all …]
/external/skia/src/compute/ts/
Dtransform_stack.h155 ts_transform_float_t const theta);
159 ts_transform_float_t const theta);
163 ts_transform_float_t const theta);
167 ts_transform_float_t const theta,
175 ts_transform_float_t const theta,
181 ts_transform_float_t const theta,
Dtransform_stack.c481 ts_transform_float_t const theta) in ts_transform_stack_push_skew_x() argument
483 …ts_transform_float_t const tan_theta = TS_TRANSFORM_TAN(theta); // replace with tanpi if av… in ts_transform_stack_push_skew_x()
493 ts_transform_float_t const theta) in ts_transform_stack_push_skew_y() argument
495 ts_transform_float_t const tan_theta = TS_TRANSFORM_TAN(theta); // replace with tanpi if available in ts_transform_stack_push_skew_y()
505 ts_transform_float_t const theta) in ts_transform_stack_push_rotate() argument
507 ts_transform_float_t const cos_theta = TS_TRANSFORM_COS(theta); // replace with cospi if available in ts_transform_stack_push_rotate()
508 ts_transform_float_t const sin_theta = TS_TRANSFORM_SIN(theta); // replace with sinpi if available in ts_transform_stack_push_rotate()
518 ts_transform_float_t const theta, in ts_transform_stack_push_rotate_xy2() argument
524 ts_transform_float_t const cos_theta = TS_TRANSFORM_COS(theta); // replace with cospi if available in ts_transform_stack_push_rotate_xy2()
525 ts_transform_float_t const sin_theta = TS_TRANSFORM_SIN(theta); // replace with sinpi if available in ts_transform_stack_push_rotate_xy2()
[all …]
/external/skqp/src/compute/ts/
Dtransform_stack.h155 ts_transform_float_t const theta);
159 ts_transform_float_t const theta);
163 ts_transform_float_t const theta);
167 ts_transform_float_t const theta,
175 ts_transform_float_t const theta,
181 ts_transform_float_t const theta,
Dtransform_stack.c481 ts_transform_float_t const theta) in ts_transform_stack_push_skew_x() argument
483 …ts_transform_float_t const tan_theta = TS_TRANSFORM_TAN(theta); // replace with tanpi if av… in ts_transform_stack_push_skew_x()
493 ts_transform_float_t const theta) in ts_transform_stack_push_skew_y() argument
495 ts_transform_float_t const tan_theta = TS_TRANSFORM_TAN(theta); // replace with tanpi if available in ts_transform_stack_push_skew_y()
505 ts_transform_float_t const theta) in ts_transform_stack_push_rotate() argument
507 ts_transform_float_t const cos_theta = TS_TRANSFORM_COS(theta); // replace with cospi if available in ts_transform_stack_push_rotate()
508 ts_transform_float_t const sin_theta = TS_TRANSFORM_SIN(theta); // replace with sinpi if available in ts_transform_stack_push_rotate()
518 ts_transform_float_t const theta, in ts_transform_stack_push_rotate_xy2() argument
524 ts_transform_float_t const cos_theta = TS_TRANSFORM_COS(theta); // replace with cospi if available in ts_transform_stack_push_rotate_xy2()
525 ts_transform_float_t const sin_theta = TS_TRANSFORM_SIN(theta); // replace with sinpi if available in ts_transform_stack_push_rotate_xy2()
[all …]
/external/swiftshader/third_party/llvm-7.0/llvm/test/CodeGen/X86/
D2011-02-23-UnfoldBug.ll10 %theta.0.ph = phi <2 x double> [ undef, %entry ], [ %theta.1, %if.end71 ]
11 %mul.i97 = fmul <2 x double> %theta.0.ph, undef
33 %theta.1 = phi <2 x double> [ %vecins.i91, %if.then67 ], [ %theta.0.ph, %for.end ]
/external/swiftshader/third_party/LLVM/test/CodeGen/X86/
D2011-02-23-UnfoldBug.ll10 %theta.0.ph = phi <2 x double> [ undef, %entry ], [ %theta.1, %if.end71 ]
11 %mul.i97 = fmul <2 x double> %theta.0.ph, undef
33 %theta.1 = phi <2 x double> [ %vecins.i91, %if.then67 ], [ %theta.0.ph, %for.end ]
/external/llvm/test/CodeGen/X86/
D2011-02-23-UnfoldBug.ll10 %theta.0.ph = phi <2 x double> [ undef, %entry ], [ %theta.1, %if.end71 ]
11 %mul.i97 = fmul <2 x double> %theta.0.ph, undef
33 %theta.1 = phi <2 x double> [ %vecins.i91, %if.then67 ], [ %theta.0.ph, %for.end ]
Dlegalize-libcalls.ll6 define float @MakeSphere(float %theta.079) nounwind {
8 %add36 = fadd float %theta.079, undef
9 %call = call float @cosf(float %theta.079) nounwind readnone
10 %call45 = call float @sinf(float %theta.079) nounwind readnone
/external/tensorflow/tensorflow/core/api_def/base_api/
Dapi_def_Atan2.pbtxt5 This is the angle \( \theta \in [-\pi, \pi] \) such that
6 \[ x = r \cos(\theta) \]
8 \[ y = r \sin(\theta) \]

12345