/external/eigen/Eigen/src/Householder/ |
D | Householder.h | 42 void MatrixBase<Derived>::makeHouseholderInPlace(Scalar& tau, RealScalar& beta) in makeHouseholderInPlace() argument 45 makeHouseholder(essentialPart, tau, beta); in makeHouseholderInPlace() 67 Scalar& tau, in makeHouseholder() argument 82 tau = RealScalar(0); in makeHouseholder() 92 tau = conj((beta - c0) / beta); in makeHouseholder() 115 const Scalar& tau, in applyHouseholderOnTheLeft() argument 120 *this *= Scalar(1)-tau; in applyHouseholderOnTheLeft() 122 else if(tau!=Scalar(0)) in applyHouseholderOnTheLeft() 128 this->row(0) -= tau * tmp; in applyHouseholderOnTheLeft() 129 bottom.noalias() -= tau * essential * tmp; in applyHouseholderOnTheLeft() [all …]
|
/external/u-boot/post/lib_powerpc/fpu/ |
D | darwin-ldouble.c | 92 double t, tau, u, v, w; in __gcc_qmul() local 104 asm("fmsub %0,%1,%2,%3" : "=f"(tau) : "f"(a), "f"(c), "f"(t)); in __gcc_qmul() 106 tau = fmsub(a, c, t); in __gcc_qmul() 110 tau += v + w; /* Add in other second-order terms. */ in __gcc_qmul() 111 u = t + tau; in __gcc_qmul() 117 z.dval[1] = (t - u) + tau; in __gcc_qmul()
|
/external/eigen/unsupported/Eigen/src/IterativeSolvers/ |
D | GMRES.h | 89 VectorType tau = VectorType::Zero(restart + 1); in gmres() local 100 r0.makeHouseholder(H0_tail, tau.coeffRef(0), beta); in gmres() 112 …v.tail(m - i).applyHouseholderOnTheLeft(H.col(i).tail(m - i - 1), tau.coeffRef(i), workspace.data(… in gmres() 122 …v.tail(m - i).applyHouseholderOnTheLeft(H.col(i).tail(m - i - 1), tau.coeffRef(i), workspace.data(… in gmres() 131 v.tail(m - k).makeHouseholder(Hk_tail, tau.coeffRef(k), beta); in gmres() 134 v.tail(m - k).applyHouseholderOnTheLeft(Hk_tail, tau.coeffRef(k), workspace.data()); in gmres() 175 …x_new.tail(m - i).applyHouseholderOnTheLeft(H.col(i).tail(m - i - 1), tau.coeffRef(i), workspace.d… in gmres() 195 tau.setZero(); in gmres() 198 r0.makeHouseholder(H0_tail, tau.coeffRef(0), beta); in gmres()
|
/external/eigen/bench/btl/libs/BLAS/ |
D | blas_interface.hh | 32 …void ssytrd_(char *uplo, const int *n, float *a, const int *lda, float *d, float *e, float *tau, f… 33 …lo, const int *n, double *a, const int *lda, double *d, double *e, double *tau, double *work, int … 34 …void sgehrd_( const int *n, int *ilo, int *ihi, float *a, const int *lda, float *tau, float *work,… 35 …void dgehrd_( const int *n, int *ilo, int *ihi, double *a, const int *lda, double *tau, double *wo…
|
/external/compiler-rt/lib/builtins/ppc/ |
D | gcc_qmul.c | 21 double ab, tmp, tau; in __gcc_qmul() local 47 tau = ab + tmp; in __gcc_qmul() 49 dst.s.lo = (ab - tau) + tmp; in __gcc_qmul() 50 dst.s.hi = tau; in __gcc_qmul()
|
/external/ImageMagick/MagickCore/ |
D | segment.c | 155 tau; member 173 tau, member 1336 node->stability=node->tau-(node->child)->tau; in Stability() 1372 root->tau=0.0; in InitializeIntervalTree() 1415 node->tau=zero_crossing[i+1].tau; in InitializeIntervalTree() 1434 node->tau=zero_crossing[i+1].tau; in InitializeIntervalTree() 1523 tau, in OptimalTau() local 1562 zero_crossing[i].tau=(-1.0); in OptimalTau() 1570 for (tau=max_tau; tau >= min_tau; tau-=delta_tau) in OptimalTau() 1572 zero_crossing[i].tau=tau; in OptimalTau() [all …]
|
D | gem.c | 1486 tau; in GenerateDifferentialNoise() local 1493 tau=gamma*sin((double) (2.0*MagickPI*beta)); in GenerateDifferentialNoise() 1495 QuantumRange*TauGaussian*tau); in GenerateDifferentialNoise()
|
/external/eigen/Eigen/src/SparseQR/ |
D | SparseQR.h | 503 Scalar tau = RealScalar(0); 529 tau = numext::conj((beta-c0) / beta); 549 m_hcoeffs(nonzeroCol) = tau; 625 Scalar tau = Scalar(0); 626 tau = m_qr.m_Q.col(k).dot(res.col(j)); 627 if(tau==Scalar(0)) continue; 628 tau = tau * m_qr.m_hcoeffs(k); 629 res.col(j) -= tau * m_qr.m_Q.col(k); 641 Scalar tau = Scalar(0); 642 tau = m_qr.m_Q.col(k).dot(res.col(j)); [all …]
|
/external/eigen/Eigen/src/Eigenvalues/ |
D | RealSchur.h | 502 Scalar tau, beta; in performFrancisQRStep() local 504 v.makeHouseholder(ess, tau, beta); in performFrancisQRStep() 514 m_matT.block(k, k, 3, size-k).applyHouseholderOnTheLeft(ess, tau, workspace); in performFrancisQRStep() 515 m_matT.block(0, k, (std::min)(iu,k+3) + 1, 3).applyHouseholderOnTheRight(ess, tau, workspace); in performFrancisQRStep() 517 m_matU.block(0, k, size, 3).applyHouseholderOnTheRight(ess, tau, workspace); in performFrancisQRStep() 522 Scalar tau, beta; in performFrancisQRStep() local 524 v.makeHouseholder(ess, tau, beta); in performFrancisQRStep() 529 m_matT.block(iu-1, iu-1, 2, size-iu+1).applyHouseholderOnTheLeft(ess, tau, workspace); in performFrancisQRStep() 530 m_matT.block(0, iu-1, iu+1, 2).applyHouseholderOnTheRight(ess, tau, workspace); in performFrancisQRStep() 532 m_matU.block(0, iu-1, size, 2).applyHouseholderOnTheRight(ess, tau, workspace); in performFrancisQRStep()
|
D | RealQZ.h | 478 Scalar tau, beta; in step() local 483 hr.makeHouseholderInPlace(tau, beta); in step() 486 …m_S.template middleRows<3>(k).rightCols(dim-fc).applyHouseholderOnTheLeft(essential2, tau, m_works… in step() 487 …m_T.template middleRows<3>(k).rightCols(dim-fc).applyHouseholderOnTheLeft(essential2, tau, m_works… in step() 489 … m_Q.template middleCols<3>(k).applyHouseholderOnTheRight(essential2, tau, m_workspace.data()); in step() 495 hr.makeHouseholderInPlace(tau, beta); in step() 503 m_S.col(k+2).head(lr) -= tau*tmp; in step() 504 m_S.template middleCols<2>(k).topRows(lr) -= (tau*tmp) * essential2.adjoint(); in step() 508 m_T.col(k+2).head(lr) -= tau*tmp; in step() 509 m_T.template middleCols<2>(k).topRows(lr) -= (tau*tmp) * essential2.adjoint(); in step() [all …]
|
/external/eigen/Eigen/src/misc/ |
D | lapacke.h | 654 float* tau ); 657 double* tau ); 660 lapack_int lda, lapack_complex_float* tau ); 663 lapack_int lda, lapack_complex_double* tau ); 677 float* a, lapack_int lda, float* tau ); 679 double* a, lapack_int lda, double* tau ); 682 lapack_complex_float* tau ); 685 lapack_complex_double* tau ); 688 float* a, lapack_int lda, float* tau ); 690 double* a, lapack_int lda, double* tau ); [all …]
|
/external/tensorflow/tensorflow/compiler/xla/client/lib/ |
D | qr.cc | 76 const int64 m, XlaOp* v, XlaOp* tau, XlaOp* beta) { in House() argument 105 *tau = Select(sigma_is_zero, Broadcast(zero, batch_dims), in House() 184 XlaOp v, tau, beta; in QRBlock() local 186 batch_dims, m, &v, &tau, &beta)); in QRBlock() 196 a = a - Mul(tau, vva, in QRBlock() 217 taus, Reshape(tau, ConcatVectors(batch_dims, {1})), {j}); in QRBlock()
|
D | self_adjoint_eig.cc | 91 auto tau = (qs - ps) / (pqs * two); in SymmetricShurDecomposition2x2() local 92 auto t_pos = one / (tau + Sqrt(one + Square(tau))); in SymmetricShurDecomposition2x2() 93 auto t_neg = -one / (-tau + Sqrt(one + Square(tau))); in SymmetricShurDecomposition2x2() 94 auto t = Select(Ge(tau, zero), t_pos, t_neg); in SymmetricShurDecomposition2x2()
|
D | svd.cc | 373 auto tau = (qs - ps) / (pqs * two); in MakeJacobi() local 374 auto t_pos = one / (tau + Sqrt(one + Square(tau))); in MakeJacobi() 375 auto t_neg = -one / (-tau + Sqrt(one + Square(tau))); in MakeJacobi() 376 auto t = Select(Ge(tau, zero), t_pos, t_neg); in MakeJacobi()
|
/external/clang/test/SemaTemplate/ |
D | instantiate-var-template.cpp | 5 template <typename T> constexpr T tau = 2 * pi<T>; variable 6 constexpr double tau_double = tau<double>;
|
/external/python/cpython3/Lib/test/test_json/ |
D | test_enum.py | 23 tau = TAU variable in FloatNum 102 tau=FloatNum.tau,
|
/external/tensorflow/tensorflow/contrib/eager/python/examples/l2hmc/ |
D | main.py | 186 for tau in range(time_steps - t): 187 v_tau = samples_history[tau, :, :] - target_mean 188 v_tau_plus_t = samples_history[tau + t, :, :] - target_mean
|
/external/eigen/Eigen/src/Jacobi/ |
D | Jacobi.h | 97 RealScalar tau = (x-z)/deno; in makeJacobi() local 98 RealScalar w = sqrt(numext::abs2(tau) + RealScalar(1)); in makeJacobi() 100 if(tau>RealScalar(0)) in makeJacobi() 102 t = RealScalar(1) / (tau + w); in makeJacobi() 106 t = RealScalar(1) / (tau - w); in makeJacobi()
|
/external/tensorflow/tensorflow/core/kernels/ |
D | qr_op_impl.h | 188 Tensor tau; in ComputeAsync() local 192 TensorShape({batch_size, min_size}), &tau), in ComputeAsync() 206 auto tau_matrix = tau.matrix<Scalar>(); in ComputeAsync()
|
D | cuda_solvers.cc | 455 int n, Scalar* A, int lda, Scalar* tau, in GeqrfImpl() argument 467 cusolver_dn_handle, m, n, CUDAComplex(A), lda, CUDAComplex(tau), in GeqrfImpl() 475 Scalar* tau, int* dev_lapack_info) { \ 478 cusolver_dn_handle_, m, n, A, lda, tau, dev_lapack_info); \
|
/external/eigen/Eigen/src/Core/ |
D | MatrixBase.h | 424 void makeHouseholderInPlace(Scalar& tau, RealScalar& beta); 427 Scalar& tau, RealScalar& beta) const; 430 const Scalar& tau, 434 const Scalar& tau,
|
/external/tensorflow/tensorflow/python/kernel_tests/distributions/ |
D | dirichlet_multinomial_test.py | 372 tau = np.array([100.], dtype=np.float32) 373 alpha = tau * mu 404 tau = np.array([0.1], dtype=np.float32) 405 alpha = tau * mu
|
/external/openssh/openbsd-compat/ |
D | chacha_private.h | 52 static const char tau[16] = "expand 16-byte k"; variable 67 constants = tau; in chacha_keysetup()
|
/external/openssh/ |
D | chacha.c | 53 static const char tau[16] = "expand 16-byte k"; variable 68 constants = tau; in chacha_keysetup()
|
/external/python/cpython3/Lib/test/ |
D | test_enum.py | 523 tau = 2 * pi variable in TestEnum.test_intenum_from_scratch.phy 524 self.assertTrue(phy.pi < phy.tau) 531 tau = 2 * pi variable in TestEnum.test_intenum_inherited.phy 532 self.assertTrue(phy.pi < phy.tau) 537 tau = 2 * pi variable in TestEnum.test_floatenum_from_scratch.phy 538 self.assertTrue(phy.pi < phy.tau) 545 tau = 2 * pi variable in TestEnum.test_floatenum_inherited.phy 546 self.assertTrue(phy.pi < phy.tau) 551 tau = 'Tau' variable in TestEnum.test_strenum_from_scratch.phy 552 self.assertTrue(phy.pi < phy.tau) [all …]
|