Home
last modified time | relevance | path

Searched refs:coeffRef (Results 1 – 25 of 148) sorted by relevance

123456

/external/eigen/Eigen/src/LU/
DInverseImpl.h47 result.coeffRef(0,0) = Scalar(1) / matrixEval.coeff(0,0);
66 if(invertible) result.coeffRef(0,0) = typename ResultType::Scalar(1) / determinant;
80 result.coeffRef(0,0) = matrix.coeff(1,1) * invdet;
81 result.coeffRef(1,0) = -matrix.coeff(1,0) * invdet;
82 result.coeffRef(0,1) = -matrix.coeff(0,1) * invdet;
83 result.coeffRef(1,1) = matrix.coeff(0,0) * invdet;
147 result.coeffRef(1,0) = cofactor_3x3<MatrixType,0,1>(matrix) * invdet;
148 result.coeffRef(1,1) = cofactor_3x3<MatrixType,1,1>(matrix) * invdet;
149 result.coeffRef(1,2) = cofactor_3x3<MatrixType,2,1>(matrix) * invdet;
150 result.coeffRef(2,0) = cofactor_3x3<MatrixType,0,2>(matrix) * invdet;
[all …]
/external/eigen/Eigen/src/Eigenvalues/
DGeneralizedEigenSolver.h324 m_alphas.coeffRef(i) = mS.diagonal().coeff(i); in compute()
325 m_betas.coeffRef(i) = mT.diagonal().coeff(i); in compute()
329 v.coeffRef(i) = Scalar(1.0); in compute()
331 if(abs(m_betas.coeffRef(i)) >= (std::numeric_limits<RealScalar>::min)()) in compute()
334 const Scalar alpha = real(m_alphas.coeffRef(i)); in compute()
335 const Scalar beta = m_betas.coeffRef(i); in compute()
350coeffRef(j) = -v.segment(st,sz).transpose().cwiseProduct(beta*mS.block(j,st,1,sz) - alpha*mT.block… in compute()
369 const RealScalar beta = m_betas.coeffRef(i) = m_betas.coeffRef(i+1) = a*b; in compute()
377 m_alphas.coeffRef(i) = conj(alpha); in compute()
378 m_alphas.coeffRef(i+1) = alpha; in compute()
[all …]
DEigenSolver.h333 matD.coeffRef(i,i) = numext::real(m_eivalues.coeff(i)); in pseudoEigenvalueMatrix()
365 matV.coeffRef(i,j) = ComplexScalar(m_eivec.coeff(i,j), m_eivec.coeff(i,j+1)); in eigenvectors()
366 matV.coeffRef(i,j+1) = ComplexScalar(m_eivec.coeff(i,j), -m_eivec.coeff(i,j+1)); in eigenvectors()
406 m_eivalues.coeffRef(i) = m_matT.coeff(i, i); in compute()
407 if(!(isfinite)(m_eivalues.coeffRef(i))) in compute()
432 m_eivalues.coeffRef(i) = ComplexScalar(m_matT.coeff(i+1, i+1) + p, z); in compute()
433 m_eivalues.coeffRef(i+1) = ComplexScalar(m_matT.coeff(i+1, i+1) + p, -z); in compute()
434 if(!((isfinite)(m_eivalues.coeffRef(i)) && (isfinite)(m_eivalues.coeffRef(i+1)))) in compute()
488 m_matT.coeffRef(n,n) = Scalar(1); in doComputeEigenvectors()
505 m_matT.coeffRef(i,n) = -r / w; in doComputeEigenvectors()
[all …]
DRealSchur.h294 Scalar* workspace = &m_workspaceVector.coeffRef(0); in computeFromHessenberg()
315 m_matT.coeffRef(iu,iu) = m_matT.coeff(iu,iu) + exshift; in computeFromHessenberg()
317 m_matT.coeffRef(iu, iu-1) = Scalar(0); in computeFromHessenberg()
393 m_matT.coeffRef(iu,iu) += exshift; in splitOffTwoRows()
394 m_matT.coeffRef(iu-1,iu-1) += exshift; in splitOffTwoRows()
407 m_matT.coeffRef(iu, iu-1) = Scalar(0); in splitOffTwoRows()
413 m_matT.coeffRef(iu-1, iu-2) = Scalar(0); in splitOffTwoRows()
422 shiftInfo.coeffRef(0) = m_matT.coeff(iu,iu); in computeShift()
423 shiftInfo.coeffRef(1) = m_matT.coeff(iu-1,iu-1); in computeShift()
424 shiftInfo.coeffRef(2) = m_matT.coeff(iu,iu-1) * m_matT.coeff(iu-1,iu); in computeShift()
[all …]
DRealQZ.h239 G.makeGivens(m_S.coeff(i-1,j), m_S.coeff(i,j), &m_S.coeffRef(i-1, j)); in hessenbergTriangular()
240 m_S.coeffRef(i,j) = Scalar(0.0); in hessenbergTriangular()
250 G.makeGivens(m_T.coeff(i,i), m_T.coeff(i,i-1), &m_T.coeffRef(i,i)); in hessenbergTriangular()
251 m_T.coeffRef(i,i-1) = Scalar(0.0); in hessenbergTriangular()
349 m_S.coeffRef(i+1,i) = Scalar(0.0); in splitOffTwoRows()
350 m_T.coeffRef(i+1,i) = Scalar(0.0); in splitOffTwoRows()
372 m_T.coeffRef(zz+1,zz+1) = Scalar(0.0); in pushDownZero()
382 m_S.coeffRef(zz+1,zz-1) = Scalar(0.0); in pushDownZero()
392 m_S.coeffRef(l,l-1)=Scalar(0.0); in pushDownZero()
491 m_S.coeffRef(k+2,k-1) = m_S.coeffRef(k+1,k-1) = Scalar(0.0); in step()
[all …]
/external/eigen/unsupported/Eigen/src/MatrixFunctions/
DMatrixSquareRoot.h39 sqrtT.coeffRef(i,j) = (T.coeff(i,j) - tmp) / (sqrtT.coeff(i,i) + sqrtT.coeff(j,j)); in matrix_sqrt_quasi_triangular_1x1_off_diagonal_block()
74 coeffMatrix.coeffRef(0,0) = A.coeff(0,0) + B.coeff(0,0); in matrix_sqrt_quasi_triangular_solve_auxiliary_equation()
75 coeffMatrix.coeffRef(1,1) = A.coeff(0,0) + B.coeff(1,1); in matrix_sqrt_quasi_triangular_solve_auxiliary_equation()
76 coeffMatrix.coeffRef(2,2) = A.coeff(1,1) + B.coeff(0,0); in matrix_sqrt_quasi_triangular_solve_auxiliary_equation()
77 coeffMatrix.coeffRef(3,3) = A.coeff(1,1) + B.coeff(1,1); in matrix_sqrt_quasi_triangular_solve_auxiliary_equation()
78 coeffMatrix.coeffRef(0,1) = B.coeff(1,0); in matrix_sqrt_quasi_triangular_solve_auxiliary_equation()
79 coeffMatrix.coeffRef(0,2) = A.coeff(0,1); in matrix_sqrt_quasi_triangular_solve_auxiliary_equation()
80 coeffMatrix.coeffRef(1,0) = B.coeff(0,1); in matrix_sqrt_quasi_triangular_solve_auxiliary_equation()
81 coeffMatrix.coeffRef(1,3) = A.coeff(0,1); in matrix_sqrt_quasi_triangular_solve_auxiliary_equation()
82 coeffMatrix.coeffRef(2,0) = A.coeff(1,0); in matrix_sqrt_quasi_triangular_solve_auxiliary_equation()
[all …]
/external/eigen/Eigen/src/QR/
DColPivHouseholderQR.h505 m_colNormsDirect.coeffRef(k) = m_qr.col(k).norm();
506 m_colNormsUpdated.coeffRef(k) = m_colNormsDirect.coeffRef(k);
528 m_colsTranspositions.coeffRef(k) = biggest_col_index;
531 std::swap(m_colNormsUpdated.coeffRef(k), m_colNormsUpdated.coeffRef(biggest_col_index));
532 std::swap(m_colNormsDirect.coeffRef(k), m_colNormsDirect.coeffRef(biggest_col_index));
538 m_qr.col(k).tail(rows-k).makeHouseholderInPlace(m_hCoeffs.coeffRef(k), beta);
541 m_qr.coeffRef(k,k) = beta;
548 …pplyHouseholderOnTheLeft(m_qr.col(k).tail(rows-k-1), m_hCoeffs.coeffRef(k), &m_temp.coeffRef(k+1));
556 if (m_colNormsUpdated.coeffRef(j) != RealScalar(0)) {
557 RealScalar temp = abs(m_qr.coeffRef(k, j)) / m_colNormsUpdated.coeffRef(j);
[all …]
DFullPivHouseholderQR.h502 m_rows_transpositions.coeffRef(i) = i;
503 m_cols_transpositions.coeffRef(i) = i;
504 m_hCoeffs.coeffRef(i) = Scalar(0);
509 m_rows_transpositions.coeffRef(k) = row_of_biggest_in_corner;
510 m_cols_transpositions.coeffRef(k) = col_of_biggest_in_corner;
521 m_qr.col(k).tail(rows-k).makeHouseholderInPlace(m_hCoeffs.coeffRef(k), beta);
522 m_qr.coeffRef(k,k) = beta;
528 …pplyHouseholderOnTheLeft(m_qr.col(k).tail(rows-k-1), m_hCoeffs.coeffRef(k), &m_temp.coeffRef(k+1));
564 m_hCoeffs.coeff(k), &temp.coeffRef(0));
635 …HouseholderOnTheLeft(m_qr.col(k).tail(rows-k-1), conj(m_hCoeffs.coeff(k)), &workspace.coeffRef(k));
/external/eigen/unsupported/Eigen/CXX11/src/Tensor/
DTensorRef.h27 EIGEN_DEVICE_FUNC virtual Scalar& coeffRef(DenseIndex index) = 0;
66 EIGEN_DEVICE_FUNC virtual Scalar& coeffRef(DenseIndex /*index*/) { in coeffRef() function
88 EIGEN_DEVICE_FUNC virtual Scalar& coeffRef(DenseIndex index) { in coeffRef() function
89 return this->m_impl.coeffRef(index); in coeffRef()
205 EIGEN_STRONG_INLINE Scalar& coeffRef(Index firstIndex, IndexTypes... otherIndices) in coeffRef() function
209 return coeffRef(indices); in coeffRef()
252 EIGEN_STRONG_INLINE Scalar& coeffRef(Index i0, Index i1) in coeffRef() function
257 return coeffRef(indices); in coeffRef()
260 EIGEN_STRONG_INLINE Scalar& coeffRef(Index i0, Index i1, Index i2) in coeffRef() function
266 return coeffRef(indices); in coeffRef()
[all …]
DTensor.h155 inline Scalar& coeffRef(Index firstIndex, Index secondIndex, IndexTypes... otherIndices) in coeffRef() function
159 return coeffRef(array<Index, NumIndices>{{firstIndex, secondIndex, otherIndices...}}); in coeffRef()
164 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Scalar& coeffRef(const array<Index, NumIndices>& indices) in coeffRef() function
175 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Scalar& coeffRef(CustomIndices& indices) in coeffRef() function
177 return coeffRef(internal::customIndices2Array<Index,NumIndices>(indices)); in coeffRef()
181 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Scalar& coeffRef() in coeffRef() function
187 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Scalar& coeffRef(Index index) in coeffRef() function
272 return coeffRef(array<Index, 2>(i0, i1)); in operator()
277 return coeffRef(array<Index, 3>(i0, i1, i2)); in operator()
282 return coeffRef(array<Index, 4>(i0, i1, i2, i3)); in operator()
[all …]
/external/eigen/unsupported/test/
Dcxx11_tensor_custom_index.cpp37 VERIFY_IS_EQUAL(tensor.coeffRef(coeffC), tensor.coeffRef(coeff)); in test_map_as_index()
55 VERIFY_IS_EQUAL(tensor.coeffRef(coeffC), tensor.coeffRef(coeff)); in test_matrix_as_index()
70 VERIFY_IS_EQUAL(tensor.coeffRef({1,2,4,1}), tensor.coeffRef(coeff)); in test_varlist_as_index()
86 VERIFY_IS_EQUAL(tensor.coeffRef(coeffC), tensor.coeffRef(coeff)); in test_sizes_as_index()
Dkronecker_product.cpp92 SM_a.insert(0,0) = DM_a.coeffRef(0,0) = -0.4461540300782201; in test_kronecker_product()
93 SM_a.insert(0,1) = DM_a.coeffRef(0,1) = -0.8057364375283049; in test_kronecker_product()
94 SM_a.insert(0,2) = DM_a.coeffRef(0,2) = 0.3896572459516341; in test_kronecker_product()
95 SM_a.insert(1,0) = DM_a.coeffRef(1,0) = -0.9076572187376921; in test_kronecker_product()
96 SM_a.insert(1,1) = DM_a.coeffRef(1,1) = 0.6469156566545853; in test_kronecker_product()
97 SM_a.insert(1,2) = DM_a.coeffRef(1,2) = -0.3658010398782789; in test_kronecker_product()
101 SM_b.insert(0,0) = DM_b.coeffRef(0,0) = 0.9004440976767099; in test_kronecker_product()
102 SM_b.insert(0,1) = DM_b.coeffRef(0,1) = -0.2368830858139832; in test_kronecker_product()
103 SM_b.insert(1,0) = DM_b.coeffRef(1,0) = -0.9311078389941825; in test_kronecker_product()
104 SM_b.insert(1,1) = DM_b.coeffRef(1,1) = 0.5310335762980047; in test_kronecker_product()
[all …]
/external/eigen/Eigen/src/Core/
DArrayWrapper.h58 using Base::coeffRef;
78 inline const Scalar& coeffRef(Index rowId, Index colId) const
80 return m_expression.coeffRef(rowId, colId);
84 inline const Scalar& coeffRef(Index index) const
86 return m_expression.coeffRef(index);
156 using Base::coeffRef;
176 inline const Scalar& coeffRef(Index rowId, Index colId) const
178 return m_expression.derived().coeffRef(rowId, colId);
182 inline const Scalar& coeffRef(Index index) const
184 return m_expression.coeffRef(index);
DDiagonal.h106 …inline ScalarWithConstIfNotLvalue* data() { return &(m_matrix.coeffRef(rowOffset(), colOffset()));…
108 inline const Scalar* data() const { return &(m_matrix.coeffRef(rowOffset(), colOffset())); }
111 inline Scalar& coeffRef(Index row, Index)
114 return m_matrix.coeffRef(row+rowOffset(), row+colOffset());
118 inline const Scalar& coeffRef(Index row, Index) const
120 return m_matrix.coeffRef(row+rowOffset(), row+colOffset());
130 inline Scalar& coeffRef(Index idx)
133 return m_matrix.coeffRef(idx+rowOffset(), idx+colOffset());
137 inline const Scalar& coeffRef(Index idx) const
139 return m_matrix.coeffRef(idx+rowOffset(), idx+colOffset());
DAssign_MKL.h95 …const EIGENTYPE *src_ptr = src.IsRowMajor ? &(src.nestedExpression().coeffRef(outer,0)) : …
96 … &(src.nestedExpression().coeffRef(0, outer)); \
97 …EIGENTYPE *dst_ptr = dst.IsRowMajor ? &(dst.coeffRef(outer,0)) : &(dst.coeffRef(0, outer)); …
157 …const EIGENTYPE *src_ptr = src.IsRowMajor ? &(src.lhs().coeffRef(outer,0)) : …
158 … &(src.lhs().coeffRef(0, outer)); \
159 …EIGENTYPE *dst_ptr = dst.IsRowMajor ? &(dst.coeffRef(outer,0)) : &(dst.coeffRef(0, outer)); …
DPermutationMatrix.h116 other.coeffRef(indices().coeff(i),i) = typename DenseDerived::Scalar(1); in evalTo()
146 indices().coeffRef(i) = i; in setIdentity()
171 if(indices().coeff(k) == i) indices().coeffRef(k) = StorageIndex(j); in applyTranspositionOnTheLeft()
172 else if(indices().coeff(k) == j) indices().coeffRef(k) = StorageIndex(i); in applyTranspositionOnTheLeft()
188 std::swap(indices().coeffRef(i), indices().coeffRef(j)); in applyTranspositionOnTheRight()
213 for (Index i=0; i<rows();++i) indices().coeffRef(other.indices().coeff(i)) = i; in assignTranspose()
219 … for (Index i=0; i<rows();++i) indices().coeffRef(i) = lhs.indices().coeff(rhs.indices().coeff(i)); in assignProduct()
268 mask.coeffRef(k0) = true; in determinant()
271 mask.coeffRef(k) = true; in determinant()
403 m_indices.coeffRef(other.derived().nestedExpression().indices().coeff(i)) = i;
[all …]
DDenseCoeffsBase.h273 void coeffRef();
340 EIGEN_STRONG_INLINE Scalar& coeffRef(Index row, Index col) in coeffRef() function
344 return internal::evaluator<Derived>(derived()).coeffRef(row,col); in coeffRef()
351 return coeffRef(rowIndexByOuterInner(outer, inner), in coeffRefByOuterInner()
366 return coeffRef(row, col); in operator()
387 coeffRef(Index index) in coeffRef() function
392 return internal::evaluator<Derived>(derived()).coeffRef(index); in coeffRef()
409 return coeffRef(index);
426 return coeffRef(index); in operator()
/external/eigen/Eigen/src/SparseCore/
DTriangularSolver.h52 other.coeffRef(i,col) = tmp;
56 other.coeffRef(i,col) = tmp/lastVal;
95 if (Mode & UnitDiag) other.coeffRef(i,col) = tmp;
96 else other.coeffRef(i,col) = tmp/l_ii;
116 Scalar& tmp = other.coeffRef(i,col);
130 other.coeffRef(it.index(), col) -= tmp * it.value();
151 Scalar& tmp = other.coeffRef(i,col);
161 other.coeffRef(i,col) /= it.value();
165 other.coeffRef(it.index(), col) -= tmp * it.value();
233 tempVector.coeffRef(rhsIt.index()) = rhsIt.value();
[all …]
/external/tensorflow/tensorflow/core/util/ctc/
Dctc_loss_calculator.cc37 log_alpha->coeffRef(0, 0) = log(y(blank_index_, output_delay_)); in CalculateForwardVariables()
40 log_alpha->coeffRef(1, 0) = log(y(label_0, output_delay_)); in CalculateForwardVariables()
71 log_alpha->coeffRef(u, t) = in CalculateForwardVariables()
91 for (int u = U - 2; u < U; ++u) log_beta->coeffRef(u, T - 1) = 0; in CalculateBackwardVariables()
102 log_beta->coeffRef(u, t) = in CalculateBackwardVariables()
110 log_beta->coeffRef(u, t) = in CalculateBackwardVariables()
122 log_beta->coeffRef(u, t) = in CalculateBackwardVariables()
/external/eigen/Eigen/src/Core/products/
DTriangularMatrixVector.h68 res.coeffRef(i) += alpha * cjRhs.coeff(i);
76 LhsMapper(&lhs.coeffRef(s,pi), lhsStride),
77 RhsMapper(&rhs.coeffRef(pi), rhsIncr),
78 &res.coeffRef(s), resIncr, alpha);
85 LhsMapper(&lhs.coeffRef(0,size), lhsStride),
86 RhsMapper(&rhs.coeffRef(size), rhsIncr),
137 …res.coeffRef(i) += alpha * (cjLhs.row(i).segment(s,r).cwiseProduct(cjRhs.segment(s,r).transpose())…
139 res.coeffRef(i) += alpha * cjRhs.coeff(i);
147 LhsMapper(&lhs.coeffRef(pi,s), lhsStride),
148 RhsMapper(&rhs.coeffRef(s), rhsIncr),
[all …]
/external/eigen/Eigen/src/SVD/
DUpperBidiagonalization.h118 .makeHouseholderInPlace(mat.coeffRef(k,k), diagonal[k]);
127 .makeHouseholderInPlace(mat.coeffRef(k,k+1), upper_diagonal[k]);
249 if(k>0) A.coeffRef(k-1,k) = tau_u_prev; in upperbidiagonalization_blocked_helper()
253 A.coeffRef(k-1,k) = tau_u_prev; in upperbidiagonalization_blocked_helper()
255 A.coeffRef(k,k) = tau_v; in upperbidiagonalization_blocked_helper()
259 A.coeffRef(bs-1,bs) = tau_u_prev; in upperbidiagonalization_blocked_helper()
339 &(bidiagonal.template diagonal<0>().coeffRef(k)),
340 &(bidiagonal.template diagonal<1>().coeffRef(k)),
348 … &(bidiagonal.template diagonal<0>().coeffRef(k)),
349 … &(bidiagonal.template diagonal<1>().coeffRef(k)),
[all …]
/external/eigen/Eigen/src/Geometry/
DOrthoMethods.h156 perp.coeffRef(maxi) = -numext::conj(src.coeff(sndi)) * invnm; in run()
157 perp.coeffRef(sndi) = numext::conj(src.coeff(maxi)) * invnm; in run()
184 perp.coeffRef(0) = -numext::conj(src.y())*invnm;
185 perp.coeffRef(1) = numext::conj(src.x())*invnm;
186 perp.coeffRef(2) = 0;
195 perp.coeffRef(0) = 0;
196 perp.coeffRef(1) = -numext::conj(src.z())*invnm;
197 perp.coeffRef(2) = numext::conj(src.y())*invnm;
DQuaternion.h70 EIGEN_DEVICE_FUNC inline Scalar& x() { return this->derived().coeffs().coeffRef(0); } in x()
72 EIGEN_DEVICE_FUNC inline Scalar& y() { return this->derived().coeffs().coeffRef(1); } in y()
74 EIGEN_DEVICE_FUNC inline Scalar& z() { return this->derived().coeffs().coeffRef(2); } in z()
76 EIGEN_DEVICE_FUNC inline Scalar& w() { return this->derived().coeffs().coeffRef(3); } in w()
552 res.coeffRef(0,0) = Scalar(1)-(tyy+tzz);
553 res.coeffRef(0,1) = txy-twz;
554 res.coeffRef(0,2) = txz+twy;
555 res.coeffRef(1,0) = txy+twz;
556 res.coeffRef(1,1) = Scalar(1)-(txx+tzz);
557 res.coeffRef(1,2) = tyz-twx;
[all …]
/external/eigen/Eigen/src/Cholesky/
DLDLT.h321 transpositions.coeffRef(k) = IndexType(index_of_biggest_in_corner);
329 … std::swap(mat.coeffRef(k,k),mat.coeffRef(index_of_biggest_in_corner,index_of_biggest_in_corner));
332 Scalar tmp = mat.coeffRef(i,k);
333 mat.coeffRef(i,k) = numext::conj(mat.coeffRef(index_of_biggest_in_corner,i));
334 mat.coeffRef(index_of_biggest_in_corner,i) = numext::conj(tmp);
337 …mat.coeffRef(index_of_biggest_in_corner,k) = numext::conj(mat.coeff(index_of_biggest_in_corner,k));
352 mat.coeffRef(k,k) -= (A10 * temp.head(k)).value();
361 RealScalar realAkk = numext::real(mat.coeffRef(k,k));
371 transpositions.coeffRef(j) = IndexType(j);
428 mat.coeffRef(j,j) += swj2/alpha;
[all …]
/external/eigen/unsupported/Eigen/src/IterativeSolvers/
DGMRES.h100 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()
198 r0.makeHouseholder(H0_tail, tau.coeffRef(0), beta); in gmres()

123456