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

1 2 3

  /external/eigen/failtest/
const_qualified_transpose_method_retval.cpp 12 Transpose<Matrix3d> b(m.transpose());
transpose_nonconst_ctor_on_const_xpr.cpp 12 Transpose<Matrix3d> t(m);
transpose_on_const_type_actually_const.cpp 13 Transpose<CV_QUALIFIER MatrixXf>(m).coeffRef(0, 0) = 1.0f;
  /external/opencv3/modules/cudev/test/
transpose.cu 51 TEST(Transpose, _8uc1)
62 cv::transpose(src, dst_gold);
67 TEST(Transpose, _32fc3)
78 cv::transpose(src, dst_gold);
  /external/eigen/Eigen/src/SparseCore/
SparseTranspose.h 16 : public SparseMatrixBase<Transpose<MatrixType> >
21 EIGEN_SPARSE_PUBLIC_INTERFACE(Transpose<MatrixType> )
SparseDenseProduct.h 116 template<typename Lhs, typename Rhs, bool Transpose>
117 class SparseDenseOuterProduct<Lhs,Rhs,Transpose>::InnerIterator : public _LhsNested::InnerIterator
127 inline Index row() const { return Transpose ? m_outer : Base::index(); }
128 inline Index col() const { return Transpose ? Base::index() : m_outer; }
299 Transpose<const _LhsNested> lhs_t(m_lhs);
300 Transpose<const _RhsNested> rhs_t(m_rhs);
301 Transpose<Dest> dest_t(dest);
SparseMatrixBase.h 103 CwiseUnaryOp<internal::scalar_conjugate_op<Scalar>, Eigen::Transpose<const Derived> >,
104 Transpose<const Derived>
204 const bool transpose = (Flags & RowMajorBit) != (OtherDerived::Flags & RowMajorBit); local
206 if ((!transpose) && other.isRValue())
233 //const bool transpose = (Flags & RowMajorBit) != (OtherDerived::Flags & RowMajorBit);
236 "the transpose operation is supposed to be handled in SparseMatrix::operator=");
241 //typedef typename internal::conditional<transpose, LinkedVectorMatrix<Scalar,Flags&RowMajorBit>, Derived>::type TempType;
396 Transpose<Derived> transpose() { return derived(); } function in class:Eigen::SparseMatrixBase
397 const Transpose<const Derived> transpose() const { return derived(); function in class:Eigen::SparseMatrixBase
    [all...]
SparseDiagonalProduct.h 164 const Transpose<const typename Rhs::DiagonalVectorType> >::InnerIterator
169 const Transpose<const typename Rhs::DiagonalVectorType> >::InnerIterator Base;
175 : Base(expr.lhs().innerVector(outer) .cwiseProduct(expr.rhs().diagonal().transpose()), 0), m_outer(outer)
  /external/eigen/lapack/
dlarfb.f 39 *> DLARFB applies a real block reflector H or its transpose H**T to a
56 *> = 'N': apply H (No transpose)
57 *> = 'T': apply H**T (Transpose)
269 CALL DTRMM( 'Right', 'Lower', 'No transpose', 'Unit',
275 CALL DGEMM( 'Transpose', 'No transpose',
292 CALL DGEMM( 'No transpose', 'Transpose',
300 CALL DTRMM( 'Right', 'Lower', 'Transpose', 'Unit',
328 CALL DTRMM( 'Right', 'Lower', 'No transpose', 'Unit'
    [all...]
slarfb.f 39 *> SLARFB applies a real block reflector H or its transpose H**T to a
56 *> = 'N': apply H (No transpose)
57 *> = 'T': apply H**T (Transpose)
269 CALL STRMM( 'Right', 'Lower', 'No transpose', 'Unit',
275 CALL SGEMM( 'Transpose', 'No transpose',
292 CALL SGEMM( 'No transpose', 'Transpose',
300 CALL STRMM( 'Right', 'Lower', 'Transpose', 'Unit',
328 CALL STRMM( 'Right', 'Lower', 'No transpose', 'Unit'
    [all...]
  /external/eigen/Eigen/src/Core/
Transpose.h 16 /** \class Transpose
19 * \brief Expression of the transpose of a matrix
21 * \param MatrixType the type of the object of which we are taking the transpose
23 * This class represents an expression of the transpose of a matrix.
24 * It is the return type of MatrixBase::transpose() and MatrixBase::adjoint()
27 * \sa MatrixBase::transpose(), MatrixBase::adjoint()
32 struct traits<Transpose<MatrixType> > : traits<MatrixType>
57 template<typename MatrixType> class Transpose
63 EIGEN_GENERIC_PUBLIC_INTERFACE(Transpose)
65 inline Transpose(MatrixType& a_matrix) : m_matrix(a_matrix) {
199 DenseBase<Derived>::transpose() function in class:Eigen::DenseBase
211 DenseBase<Derived>::transpose() const function in class:Eigen::DenseBase
    [all...]
Transpositions.h 136 inline Transpose<TranspositionsBase> inverse() const
137 { return Transpose<TranspositionsBase>(derived()); }
140 inline Transpose<TranspositionsBase> transpose() const function in class:Eigen::TranspositionsBase
141 { return Transpose<TranspositionsBase>(derived()); }
402 class Transpose<TranspositionsBase<TranspositionsDerived> >
408 Transpose(const TranspositionType& t) : m_transpositions(t) {}
416 operator*(const MatrixBase<Derived>& matrix, const Transpose& trt)
PermutationMatrix.h 201 inline Transpose<PermutationBase> inverse() const
207 inline Transpose<PermutationBase> transpose() const function in class:Eigen::PermutationBase
243 inline PlainPermutationType operator*(const Transpose<PermutationBase<Other> >& other) const
251 inline PlainPermutationType operator*(const Transpose<PermutationBase<Other> >& other, const PermutationBase& perm)
396 PermutationMatrix(const Transpose<PermutationBase<Other> >& other)
640 struct traits<Transpose<PermutationBase<Derived> > >
647 class Transpose<PermutationBase<Derived> >
648 : public EigenBase<Transpose<PermutationBase<Derived> > >
669 Transpose(const PermutationType& p) : m_permutation(p) {
    [all...]
SolveTriangular.h 125 rhs.coeffRef(I) -= lhs.row(I).template segment<Index>(S).transpose()
150 Transpose<const Lhs> trLhs(lhs);
151 Transpose<Rhs> trRhs(rhs);
153 triangular_solver_unroller<Transpose<const Lhs>,Transpose<Rhs>,
  /external/dng_sdk/source/
dng_point.h 179 inline dng_point Transpose (const dng_point &a)
188 inline dng_point_real64 Transpose (const dng_point_real64 &a)
  /frameworks/base/rs/java/android/renderscript/
ScriptIntrinsicBLAS.java 200 @IntDef({NO_TRANSPOSE, TRANSPOSE, CONJ_TRANSPOSE})
202 public @interface Transpose {}
226 public static final int TRANSPOSE = 112;
244 static void validateTranspose(@Transpose int Trans) {
245 if (Trans != NO_TRANSPOSE && Trans != TRANSPOSE &&
247 throw new RSRuntimeException("Invalid transpose passed to BLAS");
251 static void validateConjTranspose(@Transpose int Trans) {
254 throw new RSRuntimeException("Invalid transpose passed to BLAS");
311 * @param TransA The type of transpose applied to matrix A.
320 public void SGEMV(@Transpose int TransA, float alpha, Allocation A, Allocation X, int incX, float beta, Allocation Y, int incY) (…)
    [all...]
  /frameworks/support/v8/renderscript/java/src/android/support/v8/renderscript/
ScriptIntrinsicBLAS.java 207 @IntDef({NO_TRANSPOSE, TRANSPOSE, CONJ_TRANSPOSE})
209 public @interface Transpose {}
233 public static final int TRANSPOSE = 112;
251 static void validateTranspose(@Transpose int Trans) {
252 if (Trans != NO_TRANSPOSE && Trans != TRANSPOSE &&
254 throw new RSRuntimeException("Invalid transpose passed to BLAS");
258 static void validateConjTranspose(@Transpose int Trans) {
261 throw new RSRuntimeException("Invalid transpose passed to BLAS");
318 * @param TransA The type of transpose applied to matrix A.
327 public void SGEMV(@Transpose int TransA, float alpha, Allocation A, Allocation X, int incX, float beta, Allocation Y, int incY) (…)
    [all...]
  /external/llvm/include/llvm/CodeGen/
RegAllocPBQP.h 287 void handleAddEdge(const MatrixMetadata& MD, bool Transpose) {
288 DeniedOpts += Transpose ? MD.getWorstRow() : MD.getWorstCol();
290 Transpose ? MD.getUnsafeCols() : MD.getUnsafeRows();
295 void handleRemoveEdge(const MatrixMetadata& MD, bool Transpose) {
296 DeniedOpts -= Transpose ? MD.getWorstRow() : MD.getWorstCol();
298 Transpose ? MD.getUnsafeCols() : MD.getUnsafeRows();
394 bool Transpose = N1Id != G.getEdgeNode1Id(EId);
399 N1Md.handleRemoveEdge(OldMMd, Transpose);
400 N2Md.handleRemoveEdge(OldMMd, !Transpose);
404 N1Md.handleAddEdge(MMd, Transpose);
    [all...]
  /external/ceres-solver/internal/ceres/
compressed_row_sparse_matrix.h 128 CompressedRowSparseMatrix* Transpose() const;
134 // Compute the sparsity structure of the product m.transpose() * m
152 // Compute the values array for the expression m.transpose() * m,
  /external/eigen/Eigen/src/Core/products/
GeneralMatrixMatrix.h 36 // transpose the product such that the result is column major
276 Transpose = StorageOrder==RowMajor,
277 ActualRows = Transpose ? MaxCols : MaxRows,
278 ActualCols = Transpose ? MaxRows : MaxCols
280 typedef typename conditional<Transpose,_RhsScalar,_LhsScalar>::type LhsScalar;
281 typedef typename conditional<Transpose,_LhsScalar,_RhsScalar>::type RhsScalar;
318 Transpose = StorageOrder==RowMajor
320 typedef typename conditional<Transpose,_RhsScalar,_LhsScalar>::type LhsScalar;
321 typedef typename conditional<Transpose,_LhsScalar,_RhsScalar>::type RhsScalar;
332 this->m_mc = Transpose ? cols : rows
    [all...]
  /external/webrtc/webrtc/modules/audio_processing/beamformer/
matrix.h 50 // Transpose, Multiply on different-sized matrices) must make temporary copies
134 Matrix& Transpose() {
137 return Transpose(scratch_elements());
140 Matrix& Transpose(const Matrix& operand) {
144 return Transpose(operand.elements());
336 // Helpers for Transpose and Multiply operations that unify in-place and
338 Matrix& Transpose(const T* const* src) {
covariance_matrix_generator.cc 84 interf_cov_vector_transposed.Transpose(interf_cov_vector);
  /external/eigen/Eigen/src/Cholesky/
LLT_MKL.h 88 Transpose<MatrixType> matt(mat); \
  /external/opencv3/modules/cudalegacy/test/
test_nvidia.cpp 106 CUDA_TEST_P(NPPST, Transpose)
  /external/eigen/Eigen/src/Core/util/
BlasUtil.h 216 // pop/push transpose
218 struct blas_traits<Transpose<NestedXpr> >
223 typedef Transpose<NestedXpr> XprType;
224 typedef Transpose<const typename Base::_ExtractType> ExtractType; // const to get rid of a compile error; anyway blas traits are only used on the RHS
225 typedef Transpose<const typename Base::_ExtractType> _ExtractType;

Completed in 403 milliseconds

1 2 3