HomeSort by relevance Sort by last modified time
    Searched refs:eigenvectors (Results 1 - 25 of 29) sorted by null

1 2

  /external/eigen/doc/snippets/
ComplexEigenSolver_eigenvectors.cpp 4 << endl << ces.eigenvectors().col(1) << endl;
EigenSolver_eigenvectors.cpp 4 << endl << es.eigenvectors().col(0) << endl;
SelfAdjointEigenSolver_eigenvectors.cpp 4 << endl << es.eigenvectors().col(1) << endl;
ComplexEigenSolver_compute.cpp 7 cout << "The matrix of eigenvectors, V, is:" << endl << ces.eigenvectors() << endl << endl;
11 VectorXcf v = ces.eigenvectors().col(0);
16 << ces.eigenvectors() * ces.eigenvalues().asDiagonal() * ces.eigenvectors().inverse() << endl;
EigenSolver_EigenSolver_MatrixType.cpp 6 cout << "The matrix of eigenvectors, V, is:" << endl << es.eigenvectors() << endl << endl;
10 VectorXcd v = es.eigenvectors().col(0);
15 MatrixXcd V = es.eigenvectors();
SelfAdjointEigenSolver_SelfAdjointEigenSolver_MatrixType.cpp 7 cout << "The matrix of eigenvectors, V, is:" << endl << es.eigenvectors() << endl << endl;
11 VectorXd v = es.eigenvectors().col(0);
16 MatrixXd V = es.eigenvectors();
SelfAdjointEigenSolver_SelfAdjointEigenSolver_MatrixType2.cpp 10 cout << "The matrix of eigenvectors, V, is:" << endl << es.eigenvectors() << endl << endl;
14 VectorXd v = es.eigenvectors().col(0);
  /external/eigen/doc/examples/
TutorialLinAlgSelfAdjointEigenSolver.cpp 15 cout << "Here's a matrix whose columns are eigenvectors of A \n"
17 << eigensolver.eigenvectors() << endl;
  /external/eigen/test/
eigensolver_generic.cpp 42 VERIFY_IS_APPROX(a.template cast<Complex>() * ei1.eigenvectors(),
43 ei1.eigenvectors() * ei1.eigenvalues().asDiagonal());
44 VERIFY_IS_APPROX(ei1.eigenvectors().colwise().norm(), RealVectorType::Ones(rows).transpose());
50 VERIFY_IS_EQUAL(ei2.eigenvectors(), ei1.eigenvectors());
86 VERIFY((ei3.eigenvectors().transpose()*ei3.eigenvectors().transpose()).eval().isIdentity());
93 VERIFY_RAISES_ASSERT(eig.eigenvectors());
100 VERIFY_RAISES_ASSERT(eig.eigenvectors());
149 VERIFY_IS_APPROX(a * eig.eigenvectors()*scale, eig.eigenvectors() * eig.eigenvalues().asDiagonal()*scale)
    [all...]
eigensolver_selfadjoint.cpp 35 VERIFY_IS_APPROX((m.template selfadjointView<Lower>() * eiSymm.eigenvectors())/scaling,
36 (eiSymm.eigenvectors() * eiSymm.eigenvalues().asDiagonal())/scaling);
39 VERIFY_IS_UNITARY(eiSymm.eigenvectors());
60 VERIFY_IS_APPROX((m.template selfadjointView<Lower>() * eiDirect.eigenvectors())/scaling,
61 (eiDirect.eigenvectors() * eiDirect.eigenvalues().asDiagonal())/scaling);
65 VERIFY_IS_UNITARY(eiDirect.eigenvectors());
111 VERIFY((symmC.template selfadjointView<Lower>() * eiSymmGen.eigenvectors()).isApprox(
112 symmB.template selfadjointView<Lower>() * (eiSymmGen.eigenvectors() * eiSymmGen.eigenvalues().asDiagonal()), largerEps));
117 VERIFY((symmB.template selfadjointView<Lower>() * (symmC.template selfadjointView<Lower>() * eiSymmGen.eigenvectors())).isApprox(
118 (eiSymmGen.eigenvectors() * eiSymmGen.eigenvalues().asDiagonal()), largerEps))
    [all...]
eigensolver_complex.cpp 89 VERIFY_IS_APPROX(symmA * ei0.eigenvectors(), ei0.eigenvectors() * ei0.eigenvalues().asDiagonal());
93 VERIFY_IS_APPROX(a * ei1.eigenvectors(), ei1.eigenvectors() * ei1.eigenvalues().asDiagonal());
101 VERIFY_IS_EQUAL(ei2.eigenvectors(), ei1.eigenvectors());
141 VERIFY((ei3.eigenvectors().transpose()*ei3.eigenvectors().transpose()).eval().isIdentity());
148 VERIFY_RAISES_ASSERT(eig.eigenvectors());
153 VERIFY_RAISES_ASSERT(eig.eigenvectors());
    [all...]
eigensolver_generalized_real.cpp 47 // check eigenvectors
49 typename GeneralizedEigenSolver<MatrixType>::EigenvectorsType V = eig.eigenvectors();
67 // check eigenvectors
69 typename GeneralizedEigenSolver<MatrixType>::EigenvectorsType V = eig.eigenvectors();
  /external/apache-commons-math/src/main/java/org/apache/commons/math/linear/
EigenDecompositionImpl.java 77 /** Eigenvectors. */
78 private ArrayRealVector[] eigenvectors; field in class:EigenDecompositionImpl
162 final int m = eigenvectors.length;
165 cachedV.setColumnVector(k, eigenvectors[k]);
186 final int m = eigenvectors.length;
189 cachedVt.setRowVector(k, eigenvectors[k]);
223 return eigenvectors[i].copy();
240 return new Solver(realEigenvalues, imagEigenvalues, eigenvectors);
252 /** Eigenvectors. */
253 private final ArrayRealVector[] eigenvectors; field in class:EigenDecompositionImpl.Solver
    [all...]
  /external/tensorflow/tensorflow/core/kernels/
self_adjoint_eig_v2_op_gpu.cc 71 Tensor* eigenvectors; variable
75 context, context->allocate_output(1, eigenvectors_shape, &eigenvectors),
149 // Transpose eigenvectors now stored in input_copy in column-major form to
152 context, DoMatrixTranspose(device, input_copy, eigenvectors), done);
self_adjoint_eig_op.cc 66 outputs->at(0).bottomRows(rows) = es.eigenvectors();
self_adjoint_eig_v2_op_impl.h 75 outputs->at(1) = eig.eigenvectors();
  /external/eigen/unsupported/test/
mpreal_support.cpp 56 VERIFY( (S.selfadjointView<Lower>() * eig.eigenvectors()).isApprox(eig.eigenvectors() * eig.eigenvalues().asDiagonal(), NumTraits<mpreal>::dummy_precision()*1e3) );
  /external/eigen/lapack/
eigenvalues.cpp 59 matrix(a,*n,*n,*lda) = eig.eigenvectors();
  /external/eigen/bench/
benchEigenSolver.cpp 61 acc += ei.eigenvectors().coeff(r,c);
75 acc += ei.eigenvectors().coeff(r,c);
  /external/tensorflow/tensorflow/contrib/kfac/python/ops/
utils.py 197 eigenvalues, eigenvectors = linalg_ops.self_adjoint_eig(
200 eigenvectors / eigenvalues, eigenvectors, transpose_b=True)
fisher_factors.py 498 eigenvalues, eigenvectors = self.get_eigendecomp() # pylint: disable=unpacking-non-sequence
503 math_ops.matmul(eigenvectors / (eigenvalues + damping),
504 array_ops.transpose(eigenvectors))))
509 math_ops.matmul(eigenvectors *
511 array_ops.transpose(eigenvectors))))
538 eigenvalues, eigenvectors = linalg_ops.self_adjoint_eig(self._cov)
545 self._eigendecomp = (clipped_eigenvalues, eigenvectors)
    [all...]
  /external/opencv/cv/src/
cvshapedescr.cpp 788 double eigenvalues[6], eigenvectors[36]; local
797 CvMat _EIGVECS = cvMat(6,6,CV_64F,eigenvectors), _EIGVALS = cvMat(6,1,CV_64F,eigenvalues);
858 eigenvectors[i*6 + j] *= a;
890 _EIGVECS = cvMat( 6, 1, CV_64F, eigenvectors + 6*i );
958 _EIGVECS = cvMat( 2, 2, CV_64F, eigenvectors );
962 // exteract axis length from eigenvectors
967 box->angle = (float)(180 - atan2(eigenvectors[2], eigenvectors[3])*180/CV_PI);
    [all...]
  /external/eigen/unsupported/Eigen/src/MatrixFunctions/
MatrixSquareRoot.h 28 = (es.eigenvectors() * es.eigenvalues().cwiseSqrt().asDiagonal() * es.eigenvectors().inverse()).real();
  /external/eigen/Eigen/src/Eigenvalues/
ComplexEigenSolver.h 24 * \brief Computes eigenvalues and eigenvectors of general complex matrices
30 * The eigenvalues and eigenvectors of a matrix \f$ A \f$ are scalars
33 * the diagonal, and \f$ V \f$ is a matrix with the eigenvectors as
39 * eigenvalues and eigenvectors of a given function. The
80 /** \brief Type for matrix of eigenvectors as returned by eigenvectors().
119 * \param[in] computeEigenvectors If true, both the eigenvectors and the
137 /** \brief Returns the eigenvectors of given matrix.
139 * \returns A const reference to the matrix whose columns are the eigenvectors.
147 * This function returns a matrix whose columns are the eigenvectors. Colum
157 const EigenvectorType& eigenvectors() const function in class:Eigen::ComplexEigenSolver
    [all...]
EigenSolver.h 23 * \brief Computes eigenvalues and eigenvectors of general matrices
29 * The eigenvalues and eigenvectors of a matrix \f$ A \f$ are scalars
32 * \f$ V \f$ is a matrix with the eigenvectors as its columns, then \f$ A V =
36 * The eigenvalues and eigenvectors of a matrix may be complex, even when the
46 * Call the function compute() to compute the eigenvalues and eigenvectors of
49 * eigenvalues and eigenvectors at construction time. Once the eigenvalue and
50 * eigenvectors are computed, they can be retrieved with the eigenvalues() and
51 * eigenvectors() functions. The pseudoEigenvalueMatrix() and
99 /** \brief Type for matrix of eigenvectors as returned by eigenvectors().
345 typename EigenSolver<MatrixType>::EigenvectorsType EigenSolver<MatrixType>::eigenvectors() const function in class:Eigen::EigenSolver
    [all...]

Completed in 299 milliseconds

1 2