|
template<typename T > |
T | amd_flip (const T &i) |
|
template<typename T > |
T | amd_unflip (const T &i) |
|
template<typename T0 , typename T1 > |
bool | amd_marked (const T0 *w, const T1 &j) |
|
template<typename T0 , typename T1 > |
void | amd_mark (const T0 *w, const T1 &j) |
|
template<typename StorageIndex > |
static StorageIndex | cs_wclear (StorageIndex mark, StorageIndex lemax, StorageIndex *w, StorageIndex n) |
|
template<typename StorageIndex > |
StorageIndex | cs_tdfs (StorageIndex j, StorageIndex k, StorageIndex *head, const StorageIndex *next, StorageIndex *post, StorageIndex *stack) |
|
template<typename Scalar , typename StorageIndex > |
void | minimum_degree_ordering (SparseMatrix< Scalar, ColMajor, StorageIndex > &C, PermutationMatrix< Dynamic, Dynamic, StorageIndex > &perm) |
|
template<typename MatrixType > |
void | ordering_helper_at_plus_a (const MatrixType &A, MatrixType &symmat) |
|
template<typename MatrixType , typename VectorType > |
static Index | llt_rank_update_lower (MatrixType &mat, const VectorType &vec, const typename MatrixType::RealScalar &sigma) |
|
template<typename MatrixType , typename TranspositionType > |
void | partial_lu_inplace (MatrixType &lu, TranspositionType &row_transpositions, typename TranspositionType::StorageIndex &nb_transpositions) |
|
template<typename MatrixType , typename ResultType > |
EIGEN_DEVICE_FUNC void | compute_inverse_size2_helper (const MatrixType &matrix, const typename ResultType::Scalar &invdet, ResultType &result) |
|
template<typename MatrixType , int i, int j> |
EIGEN_DEVICE_FUNC MatrixType::Scalar | cofactor_3x3 (const MatrixType &m) |
|
template<typename MatrixType , typename ResultType > |
EIGEN_DEVICE_FUNC void | compute_inverse_size3_helper (const MatrixType &matrix, const typename ResultType::Scalar &invdet, const Matrix< typename ResultType::Scalar, 3, 1 > &cofactors_col0, ResultType &result) |
|
template<typename Derived > |
EIGEN_DEVICE_FUNC const Derived::Scalar | general_det3_helper (const MatrixBase< Derived > &matrix, int i1, int i2, int i3, int j1, int j2, int j3) |
|
template<typename MatrixType , int i, int j> |
EIGEN_DEVICE_FUNC MatrixType::Scalar | cofactor_4x4 (const MatrixType &matrix) |
|
template<typename Derived > |
EIGEN_DEVICE_FUNC const Derived::Scalar | bruteforce_det3_helper (const MatrixBase< Derived > &matrix, int a, int b, int c) |
|
template<typename MatrixQR , typename HCoeffs > |
void | householder_qr_inplace_unblocked (MatrixQR &mat, HCoeffs &hCoeffs, typename MatrixQR::Scalar *tempData=0) |
|
template<typename SparseLhsType , typename DenseRhsType , typename DenseResType , typename AlphaType > |
void | sparse_time_dense_product (const SparseLhsType &lhs, const DenseRhsType &rhs, DenseResType &res, const AlphaType &alpha) |
|
template<typename Index , typename IndexVector > |
Index | etree_find (Index i, IndexVector &pp) |
| Find the root of the tree/set containing the vertex i : Use Path halving. More...
|
|
template<typename MatrixType , typename IndexVector > |
int | coletree (const MatrixType &mat, IndexVector &parent, IndexVector &firstRowElt, typename MatrixType::StorageIndex *perm=0) |
| Compute the column elimination tree of a sparse matrix. More...
|
|
template<typename IndexVector > |
void | nr_etdfs (typename IndexVector::Scalar n, IndexVector &parent, IndexVector &first_kid, IndexVector &next_kid, IndexVector &post, typename IndexVector::Scalar postnum) |
| Depth-first search from vertex n. More...
|
|
template<typename IndexVector > |
void | treePostorder (typename IndexVector::Scalar n, IndexVector &parent, IndexVector &post) |
| Post order a tree. More...
|
|
template<typename DstXprType , typename SrcXprType > |
void | assign_sparse_to_sparse (DstXprType &dst, const SrcXprType &src) |
|
| EIGEN_CATCH_ASSIGN_DENSE_OP_SPARSE (assign_op, scalar_sum_op, add_assign_op) |
|
| EIGEN_CATCH_ASSIGN_DENSE_OP_SPARSE (add_assign_op, scalar_sum_op, add_assign_op) |
|
| EIGEN_CATCH_ASSIGN_DENSE_OP_SPARSE (sub_assign_op, scalar_sum_op, sub_assign_op) |
|
| EIGEN_CATCH_ASSIGN_DENSE_OP_SPARSE (assign_op, scalar_difference_op, sub_assign_op) |
|
| EIGEN_CATCH_ASSIGN_DENSE_OP_SPARSE (add_assign_op, scalar_difference_op, sub_assign_op) |
|
| EIGEN_CATCH_ASSIGN_DENSE_OP_SPARSE (sub_assign_op, scalar_difference_op, add_assign_op) |
|
template<typename InputIterator , typename SparseMatrixType , typename DupFunctor > |
void | set_from_triplets (const InputIterator &begin, const InputIterator &end, SparseMatrixType &mat, DupFunctor dup_func) |
|
template<int SrcMode, int DstMode, typename MatrixType , int DestOrder> |
void | permute_symm_to_symm (const MatrixType &mat, SparseMatrix< typename MatrixType::Scalar, DestOrder, typename MatrixType::StorageIndex > &_dest, const typename MatrixType::StorageIndex *perm=0) |
|
template<int Mode, typename MatrixType , int DestOrder> |
void | permute_symm_to_fullsymm (const MatrixType &mat, SparseMatrix< typename MatrixType::Scalar, DestOrder, typename MatrixType::StorageIndex > &_dest, const typename MatrixType::StorageIndex *perm=0) |
|
template<int Mode, typename SparseLhsType , typename DenseRhsType , typename DenseResType , typename AlphaType > |
void | sparse_selfadjoint_time_dense_product (const SparseLhsType &lhs, const DenseRhsType &rhs, DenseResType &res, const AlphaType &alpha) |
|
template<int _SrcMode, int _DstMode, typename MatrixType , int DstOrder> |
void | permute_symm_to_symm (const MatrixType &mat, SparseMatrix< typename MatrixType::Scalar, DstOrder, typename MatrixType::StorageIndex > &_dest, const typename MatrixType::StorageIndex *perm) |
|
template<typename Lhs , typename Rhs , typename ResultType > |
static void | sparse_sparse_product_with_pruning_impl (const Lhs &lhs, const Rhs &rhs, ResultType &res, const typename ResultType::RealScalar &tolerance) |
|
template<typename Lhs , typename Rhs , typename ResultType > |
static void | conservative_sparse_sparse_product_impl (const Lhs &lhs, const Rhs &rhs, ResultType &res, bool sortedInsertion=false) |
|
template<typename Lhs , typename Rhs , typename ResultType > |
static void | sparse_sparse_to_dense_product_impl (const Lhs &lhs, const Rhs &rhs, ResultType &res) |
|
template<typename Decomposition , typename Rhs , typename Dest > |
enable_if< Rhs::ColsAtCompileTime!=1 &&Dest::ColsAtCompileTime!=1 >::type | solve_sparse_through_dense_panels (const Decomposition &dec, const Rhs &rhs, Dest &dest) |
|
template<typename Decomposition , typename Rhs , typename Dest > |
enable_if< Rhs::ColsAtCompileTime==1||Dest::ColsAtCompileTime==1 >::type | solve_sparse_through_dense_panels (const Decomposition &dec, const Rhs &rhs, Dest &dest) |
|
template<typename Scalar > |
EIGEN_DONT_INLINE void | sparselu_gemm (Index m, Index n, Index d, const Scalar *A, Index lda, const Scalar *B, Index ldb, Scalar *C, Index ldc) |
|
Index | LUnumTempV (Index &m, Index &w, Index &t, Index &b) |
|
template<typename Scalar > |
Index | LUTempSpace (Index &m, Index &w) |
|
template<typename MatrixType > |
void | upperbidiagonalization_inplace_unblocked (MatrixType &mat, typename MatrixType::RealScalar *diagonal, typename MatrixType::RealScalar *upper_diagonal, typename MatrixType::Scalar *tempData=0) |
|
template<typename MatrixType > |
void | upperbidiagonalization_blocked_helper (MatrixType &A, typename MatrixType::RealScalar *diagonal, typename MatrixType::RealScalar *upper_diagonal, Index bs, Ref< Matrix< typename MatrixType::Scalar, Dynamic, Dynamic, traits< MatrixType >::Flags &RowMajorBit > > X, Ref< Matrix< typename MatrixType::Scalar, Dynamic, Dynamic, traits< MatrixType >::Flags &RowMajorBit > > Y) |
|
template<typename MatrixType , typename BidiagType > |
void | upperbidiagonalization_inplace_blocked (MatrixType &A, BidiagType &bidiagonal, Index maxBlockSize=32, typename MatrixType::Scalar *=0) |
|
template<typename TriangularFactorType , typename VectorsType , typename CoeffsType > |
void | make_block_householder_triangular_factor (TriangularFactorType &triFactor, const VectorsType &vectors, const CoeffsType &hCoeffs) |
|
template<typename MatrixType , typename VectorsType , typename CoeffsType > |
void | apply_block_householder_on_the_left (MatrixType &mat, const VectorsType &vectors, const CoeffsType &hCoeffs, bool forward) |
|
EIGEN_STRONG_INLINE __m128i | Pack16To8 (Packet8f rf) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pset1< Packet8f > (const float &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pset1< Packet4d > (const double &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8i | pset1< Packet8i > (const int &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pset1frombits< Packet8f > (unsigned int from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pset1frombits< Packet4d > (uint64_t from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pzero (const Packet8f &) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pzero (const Packet4d &) |
|
template<> |
EIGEN_STRONG_INLINE Packet8i | pzero (const Packet8i &) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | peven_mask (const Packet8f &) |
|
template<> |
EIGEN_STRONG_INLINE Packet8i | peven_mask (const Packet8i &) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | peven_mask (const Packet4d &) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pload1< Packet8f > (const float *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pload1< Packet4d > (const double *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | plset< Packet8f > (const float &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | plset< Packet4d > (const double &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | padd< Packet8f > (const Packet8f &a, const Packet8f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | padd< Packet4d > (const Packet4d &a, const Packet4d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8i | padd< Packet8i > (const Packet8i &a, const Packet8i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | psub< Packet8f > (const Packet8f &a, const Packet8f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | psub< Packet4d > (const Packet4d &a, const Packet4d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8i | psub< Packet8i > (const Packet8i &a, const Packet8i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pnegate (const Packet8f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pnegate (const Packet4d &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pconj (const Packet8f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pconj (const Packet4d &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8i | pconj (const Packet8i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pmul< Packet8f > (const Packet8f &a, const Packet8f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pmul< Packet4d > (const Packet4d &a, const Packet4d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8i | pmul< Packet8i > (const Packet8i &a, const Packet8i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pdiv< Packet8f > (const Packet8f &a, const Packet8f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pdiv< Packet4d > (const Packet4d &a, const Packet4d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8i | pdiv< Packet8i > (const Packet8i &, const Packet8i &) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pcmp_le (const Packet8f &a, const Packet8f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pcmp_lt (const Packet8f &a, const Packet8f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pcmp_lt_or_nan (const Packet8f &a, const Packet8f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pcmp_eq (const Packet8f &a, const Packet8f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pcmp_le (const Packet4d &a, const Packet4d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pcmp_lt (const Packet4d &a, const Packet4d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pcmp_lt_or_nan (const Packet4d &a, const Packet4d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pcmp_eq (const Packet4d &a, const Packet4d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8i | pcmp_eq (const Packet8i &a, const Packet8i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pmin< Packet8f > (const Packet8f &a, const Packet8f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pmin< Packet4d > (const Packet4d &a, const Packet4d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pmax< Packet8f > (const Packet8f &a, const Packet8f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pmax< Packet4d > (const Packet4d &a, const Packet4d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pmin< PropagateNumbers, Packet8f > (const Packet8f &a, const Packet8f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pmin< PropagateNumbers, Packet4d > (const Packet4d &a, const Packet4d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pmax< PropagateNumbers, Packet8f > (const Packet8f &a, const Packet8f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pmax< PropagateNumbers, Packet4d > (const Packet4d &a, const Packet4d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pmin< PropagateNaN, Packet8f > (const Packet8f &a, const Packet8f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pmin< PropagateNaN, Packet4d > (const Packet4d &a, const Packet4d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pmax< PropagateNaN, Packet8f > (const Packet8f &a, const Packet8f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pmax< PropagateNaN, Packet4d > (const Packet4d &a, const Packet4d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | print< Packet8f > (const Packet8f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | print< Packet4d > (const Packet4d &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pceil< Packet8f > (const Packet8f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pceil< Packet4d > (const Packet4d &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pfloor< Packet8f > (const Packet8f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pfloor< Packet4d > (const Packet4d &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8i | ptrue< Packet8i > (const Packet8i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | ptrue< Packet8f > (const Packet8f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | ptrue< Packet4d > (const Packet4d &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pand< Packet8f > (const Packet8f &a, const Packet8f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pand< Packet4d > (const Packet4d &a, const Packet4d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8i | pand< Packet8i > (const Packet8i &a, const Packet8i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | por< Packet8f > (const Packet8f &a, const Packet8f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | por< Packet4d > (const Packet4d &a, const Packet4d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8i | por< Packet8i > (const Packet8i &a, const Packet8i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pxor< Packet8f > (const Packet8f &a, const Packet8f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pxor< Packet4d > (const Packet4d &a, const Packet4d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8i | pxor< Packet8i > (const Packet8i &a, const Packet8i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pandnot< Packet8f > (const Packet8f &a, const Packet8f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pandnot< Packet4d > (const Packet4d &a, const Packet4d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8i | pandnot< Packet8i > (const Packet8i &a, const Packet8i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pround< Packet8f > (const Packet8f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pround< Packet4d > (const Packet4d &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pselect< Packet8f > (const Packet8f &mask, const Packet8f &a, const Packet8f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pselect< Packet4d > (const Packet4d &mask, const Packet4d &a, const Packet4d &b) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet8i | parithmetic_shift_right (Packet8i a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet8i | plogical_shift_right (Packet8i a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet8i | plogical_shift_left (Packet8i a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pload< Packet8f > (const float *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pload< Packet4d > (const double *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8i | pload< Packet8i > (const int *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | ploadu< Packet8f > (const float *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | ploadu< Packet4d > (const double *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8i | ploadu< Packet8i > (const int *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | ploadu< Packet8f > (const float *from, uint8_t umask) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | ploaddup< Packet8f > (const float *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | ploaddup< Packet4d > (const double *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | ploadquad< Packet8f > (const float *from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< float > (float *to, const Packet8f &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< double > (double *to, const Packet4d &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< int > (int *to, const Packet8i &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< float > (float *to, const Packet8f &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< double > (double *to, const Packet4d &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< int > (int *to, const Packet8i &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< float > (float *to, const Packet8f &from, uint8_t umask) |
|
template<> |
EIGEN_DEVICE_FUNC Packet8f | pgather< float, Packet8f > (const float *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC Packet4d | pgather< double, Packet4d > (const double *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC void | pscatter< float, Packet8f > (float *to, const Packet8f &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC void | pscatter< double, Packet4d > (double *to, const Packet4d &from, Index stride) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore1< Packet8f > (float *to, const float &a) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore1< Packet4d > (double *to, const double &a) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore1< Packet8i > (int *to, const int &a) |
|
template<> |
EIGEN_STRONG_INLINE void | prefetch< float > (const float *addr) |
|
template<> |
EIGEN_STRONG_INLINE void | prefetch< double > (const double *addr) |
|
template<> |
EIGEN_STRONG_INLINE void | prefetch< int > (const int *addr) |
|
template<> |
EIGEN_STRONG_INLINE float | pfirst< Packet8f > (const Packet8f &a) |
|
template<> |
EIGEN_STRONG_INLINE double | pfirst< Packet4d > (const Packet4d &a) |
|
template<> |
EIGEN_STRONG_INLINE int | pfirst< Packet8i > (const Packet8i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | preverse (const Packet8f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | preverse (const Packet4d &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pabs (const Packet8f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pabs (const Packet4d &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pfrexp< Packet8f > (const Packet8f &a, Packet8f &exponent) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pfrexp_generic_get_biased_exponent (const Packet4d &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pfrexp< Packet4d > (const Packet4d &a, Packet4d &exponent) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pldexp< Packet8f > (const Packet8f &a, const Packet8f &exponent) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pldexp< Packet4d > (const Packet4d &a, const Packet4d &exponent) |
|
template<> |
EIGEN_STRONG_INLINE float | predux< Packet8f > (const Packet8f &a) |
|
template<> |
EIGEN_STRONG_INLINE double | predux< Packet4d > (const Packet4d &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | predux_half_dowto4< Packet8f > (const Packet8f &a) |
|
template<> |
EIGEN_STRONG_INLINE float | predux_mul< Packet8f > (const Packet8f &a) |
|
template<> |
EIGEN_STRONG_INLINE double | predux_mul< Packet4d > (const Packet4d &a) |
|
template<> |
EIGEN_STRONG_INLINE float | predux_min< Packet8f > (const Packet8f &a) |
|
template<> |
EIGEN_STRONG_INLINE double | predux_min< Packet4d > (const Packet4d &a) |
|
template<> |
EIGEN_STRONG_INLINE float | predux_max< Packet8f > (const Packet8f &a) |
|
template<> |
EIGEN_STRONG_INLINE double | predux_max< Packet4d > (const Packet4d &a) |
|
template<> |
EIGEN_STRONG_INLINE bool | predux_any (const Packet8f &x) |
|
EIGEN_DEVICE_FUNC void | ptranspose (PacketBlock< Packet8f, 8 > &kernel) |
|
EIGEN_DEVICE_FUNC void | ptranspose (PacketBlock< Packet8f, 4 > &kernel) |
|
EIGEN_DEVICE_FUNC void | ptranspose (PacketBlock< Packet4d, 4 > &kernel) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pblend (const Selector< 8 > &ifPacket, const Packet8f &thenPacket, const Packet8f &elsePacket) |
|
template<> |
EIGEN_STRONG_INLINE Packet4d | pblend (const Selector< 4 > &ifPacket, const Packet4d &thenPacket, const Packet4d &elsePacket) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pset1< Packet8h > (const Eigen::half &from) |
|
template<> |
EIGEN_STRONG_INLINE Eigen::half | pfirst< Packet8h > (const Packet8h &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pload< Packet8h > (const Eigen::half *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | ploadu< Packet8h > (const Eigen::half *from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< Eigen::half > (Eigen::half *to, const Packet8h &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< Eigen::half > (Eigen::half *to, const Packet8h &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | ploaddup< Packet8h > (const Eigen::half *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | ploadquad< Packet8h > (const Eigen::half *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | ptrue (const Packet8h &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pabs (const Packet8h &a) |
|
EIGEN_STRONG_INLINE Packet8f | half2float (const Packet8h &a) |
|
EIGEN_STRONG_INLINE Packet8h | float2half (const Packet8f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pmin< Packet8h > (const Packet8h &a, const Packet8h &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pmax< Packet8h > (const Packet8h &a, const Packet8h &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | plset< Packet8h > (const half &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | por (const Packet8h &a, const Packet8h &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pxor (const Packet8h &a, const Packet8h &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pand (const Packet8h &a, const Packet8h &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pandnot (const Packet8h &a, const Packet8h &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pselect (const Packet8h &mask, const Packet8h &a, const Packet8h &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pround< Packet8h > (const Packet8h &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | print< Packet8h > (const Packet8h &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pceil< Packet8h > (const Packet8h &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pfloor< Packet8h > (const Packet8h &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pcmp_eq (const Packet8h &a, const Packet8h &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pcmp_le (const Packet8h &a, const Packet8h &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pcmp_lt (const Packet8h &a, const Packet8h &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pcmp_lt_or_nan (const Packet8h &a, const Packet8h &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pconj (const Packet8h &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pnegate (const Packet8h &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | padd< Packet8h > (const Packet8h &a, const Packet8h &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | psub< Packet8h > (const Packet8h &a, const Packet8h &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pmul< Packet8h > (const Packet8h &a, const Packet8h &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pdiv< Packet8h > (const Packet8h &a, const Packet8h &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pgather< Eigen::half, Packet8h > (const Eigen::half *from, Index stride) |
|
template<> |
EIGEN_STRONG_INLINE void | pscatter< Eigen::half, Packet8h > (Eigen::half *to, const Packet8h &from, Index stride) |
|
template<> |
EIGEN_STRONG_INLINE Eigen::half | predux< Packet8h > (const Packet8h &a) |
|
template<> |
EIGEN_STRONG_INLINE Eigen::half | predux_max< Packet8h > (const Packet8h &a) |
|
template<> |
EIGEN_STRONG_INLINE Eigen::half | predux_min< Packet8h > (const Packet8h &a) |
|
template<> |
EIGEN_STRONG_INLINE Eigen::half | predux_mul< Packet8h > (const Packet8h &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | preverse (const Packet8h &a) |
|
EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet8h, 8 > &kernel) |
|
EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet8h, 4 > &kernel) |
|
EIGEN_STRONG_INLINE Packet8f | Bf16ToF32 (const Packet8bf &a) |
|
EIGEN_STRONG_INLINE Packet8bf | F32ToBf16 (const Packet8f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pset1< Packet8bf > (const bfloat16 &from) |
|
template<> |
EIGEN_STRONG_INLINE bfloat16 | pfirst< Packet8bf > (const Packet8bf &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pload< Packet8bf > (const bfloat16 *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | ploadu< Packet8bf > (const bfloat16 *from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< bfloat16 > (bfloat16 *to, const Packet8bf &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< bfloat16 > (bfloat16 *to, const Packet8bf &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | ploaddup< Packet8bf > (const bfloat16 *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | ploadquad< Packet8bf > (const bfloat16 *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | ptrue (const Packet8bf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pabs (const Packet8bf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pmin< Packet8bf > (const Packet8bf &a, const Packet8bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pmax< Packet8bf > (const Packet8bf &a, const Packet8bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | plset< Packet8bf > (const bfloat16 &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | por (const Packet8bf &a, const Packet8bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pxor (const Packet8bf &a, const Packet8bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pand (const Packet8bf &a, const Packet8bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pandnot (const Packet8bf &a, const Packet8bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pselect (const Packet8bf &mask, const Packet8bf &a, const Packet8bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pround< Packet8bf > (const Packet8bf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | print< Packet8bf > (const Packet8bf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pceil< Packet8bf > (const Packet8bf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pfloor< Packet8bf > (const Packet8bf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pcmp_eq (const Packet8bf &a, const Packet8bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pcmp_le (const Packet8bf &a, const Packet8bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pcmp_lt (const Packet8bf &a, const Packet8bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pcmp_lt_or_nan (const Packet8bf &a, const Packet8bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pconj (const Packet8bf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pnegate (const Packet8bf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | padd< Packet8bf > (const Packet8bf &a, const Packet8bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | psub< Packet8bf > (const Packet8bf &a, const Packet8bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pmul< Packet8bf > (const Packet8bf &a, const Packet8bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pdiv< Packet8bf > (const Packet8bf &a, const Packet8bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pgather< bfloat16, Packet8bf > (const bfloat16 *from, Index stride) |
|
template<> |
EIGEN_STRONG_INLINE void | pscatter< bfloat16, Packet8bf > (bfloat16 *to, const Packet8bf &from, Index stride) |
|
template<> |
EIGEN_STRONG_INLINE bfloat16 | predux< Packet8bf > (const Packet8bf &a) |
|
template<> |
EIGEN_STRONG_INLINE bfloat16 | predux_max< Packet8bf > (const Packet8bf &a) |
|
template<> |
EIGEN_STRONG_INLINE bfloat16 | predux_min< Packet8bf > (const Packet8bf &a) |
|
template<> |
EIGEN_STRONG_INLINE bfloat16 | predux_mul< Packet8bf > (const Packet8bf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | preverse (const Packet8bf &a) |
|
EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet8bf, 8 > &kernel) |
|
EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet8bf, 4 > &kernel) |
|
template<> |
EIGEN_STRONG_INLINE Packet4cf | padd< Packet4cf > (const Packet4cf &a, const Packet4cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4cf | psub< Packet4cf > (const Packet4cf &a, const Packet4cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4cf | pnegate (const Packet4cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4cf | pconj (const Packet4cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4cf | pmul< Packet4cf > (const Packet4cf &a, const Packet4cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4cf | pcmp_eq (const Packet4cf &a, const Packet4cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4cf | ptrue< Packet4cf > (const Packet4cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4cf | pand< Packet4cf > (const Packet4cf &a, const Packet4cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4cf | por< Packet4cf > (const Packet4cf &a, const Packet4cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4cf | pxor< Packet4cf > (const Packet4cf &a, const Packet4cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4cf | pandnot< Packet4cf > (const Packet4cf &a, const Packet4cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4cf | pload< Packet4cf > (const std::complex< float > *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4cf | ploadu< Packet4cf > (const std::complex< float > *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4cf | pset1< Packet4cf > (const std::complex< float > &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4cf | ploaddup< Packet4cf > (const std::complex< float > *from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< std::complex< float > > (std::complex< float > *to, const Packet4cf &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< std::complex< float > > (std::complex< float > *to, const Packet4cf &from) |
|
template<> |
EIGEN_DEVICE_FUNC Packet4cf | pgather< std::complex< float >, Packet4cf > (const std::complex< float > *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC void | pscatter< std::complex< float >, Packet4cf > (std::complex< float > *to, const Packet4cf &from, Index stride) |
|
template<> |
EIGEN_STRONG_INLINE std::complex< float > | pfirst< Packet4cf > (const Packet4cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4cf | preverse (const Packet4cf &a) |
|
template<> |
EIGEN_STRONG_INLINE std::complex< float > | predux< Packet4cf > (const Packet4cf &a) |
|
template<> |
EIGEN_STRONG_INLINE std::complex< float > | predux_mul< Packet4cf > (const Packet4cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4cf | pdiv< Packet4cf > (const Packet4cf &a, const Packet4cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4cf | pcplxflip< Packet4cf > (const Packet4cf &x) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cd | padd< Packet2cd > (const Packet2cd &a, const Packet2cd &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cd | psub< Packet2cd > (const Packet2cd &a, const Packet2cd &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cd | pnegate (const Packet2cd &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cd | pconj (const Packet2cd &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cd | pmul< Packet2cd > (const Packet2cd &a, const Packet2cd &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cd | pcmp_eq (const Packet2cd &a, const Packet2cd &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cd | ptrue< Packet2cd > (const Packet2cd &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cd | pand< Packet2cd > (const Packet2cd &a, const Packet2cd &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cd | por< Packet2cd > (const Packet2cd &a, const Packet2cd &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cd | pxor< Packet2cd > (const Packet2cd &a, const Packet2cd &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cd | pandnot< Packet2cd > (const Packet2cd &a, const Packet2cd &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cd | pload< Packet2cd > (const std::complex< double > *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cd | ploadu< Packet2cd > (const std::complex< double > *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cd | pset1< Packet2cd > (const std::complex< double > &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cd | ploaddup< Packet2cd > (const std::complex< double > *from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< std::complex< double > > (std::complex< double > *to, const Packet2cd &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< std::complex< double > > (std::complex< double > *to, const Packet2cd &from) |
|
template<> |
EIGEN_DEVICE_FUNC Packet2cd | pgather< std::complex< double >, Packet2cd > (const std::complex< double > *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC void | pscatter< std::complex< double >, Packet2cd > (std::complex< double > *to, const Packet2cd &from, Index stride) |
|
template<> |
EIGEN_STRONG_INLINE std::complex< double > | pfirst< Packet2cd > (const Packet2cd &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cd | preverse (const Packet2cd &a) |
|
template<> |
EIGEN_STRONG_INLINE std::complex< double > | predux< Packet2cd > (const Packet2cd &a) |
|
template<> |
EIGEN_STRONG_INLINE std::complex< double > | predux_mul< Packet2cd > (const Packet2cd &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cd | pdiv< Packet2cd > (const Packet2cd &a, const Packet2cd &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cd | pcplxflip< Packet2cd > (const Packet2cd &x) |
|
EIGEN_DEVICE_FUNC void | ptranspose (PacketBlock< Packet4cf, 4 > &kernel) |
|
EIGEN_DEVICE_FUNC void | ptranspose (PacketBlock< Packet2cd, 2 > &kernel) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cd | psqrt< Packet2cd > (const Packet2cd &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4cf | psqrt< Packet4cf > (const Packet4cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8i | pcast< Packet8f, Packet8i > (const Packet8f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pcast< Packet8i, Packet8f > (const Packet8i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8i | preinterpret< Packet8i, Packet8f > (const Packet8f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | preinterpret< Packet8f, Packet8i > (const Packet8i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pcast< Packet8h, Packet8f > (const Packet8h &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8f | pcast< Packet8bf, Packet8f > (const Packet8bf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pcast< Packet8f, Packet8h > (const Packet8f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pcast< Packet8f, Packet8bf > (const Packet8f &a) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet8f | psin< Packet8f > (const Packet8f &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet8f | pcos< Packet8f > (const Packet8f &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet8f | plog< Packet8f > (const Packet8f &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4d | plog< Packet4d > (const Packet4d &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet8f | plog2< Packet8f > (const Packet8f &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4d | plog2< Packet4d > (const Packet4d &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet8f | plog1p< Packet8f > (const Packet8f &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet8f | pexpm1< Packet8f > (const Packet8f &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet8f | pexp< Packet8f > (const Packet8f &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet8f | ptanh< Packet8f > (const Packet8f &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4d | pexp< Packet4d > (const Packet4d &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet8f | psqrt< Packet8f > (const Packet8f &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4d | psqrt< Packet4d > (const Packet4d &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet8f | prsqrt< Packet8f > (const Packet8f &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4d | prsqrt< Packet4d > (const Packet4d &_x) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pfrexp (const Packet8h &a, Packet8h &exponent) |
|
template<> |
EIGEN_STRONG_INLINE Packet8h | pldexp (const Packet8h &a, const Packet8h &exponent) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pfrexp (const Packet8bf &a, Packet8bf &exponent) |
|
template<> |
EIGEN_STRONG_INLINE Packet8bf | pldexp (const Packet8bf &a, const Packet8bf &exponent) |
|
EIGEN_STRONG_INLINE Packet4f | vec4f_movelh (const Packet4f &a, const Packet4f &b) |
|
EIGEN_STRONG_INLINE Packet4f | vec4f_movehl (const Packet4f &a, const Packet4f &b) |
|
EIGEN_STRONG_INLINE Packet4f | vec4f_unpacklo (const Packet4f &a, const Packet4f &b) |
|
EIGEN_STRONG_INLINE Packet4f | vec4f_unpackhi (const Packet4f &a, const Packet4f &b) |
|
EIGEN_STRONG_INLINE Packet2d | vec2d_unpacklo (const Packet2d &a, const Packet2d &b) |
|
EIGEN_STRONG_INLINE Packet2d | vec2d_unpackhi (const Packet2d &a, const Packet2d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pset1< Packet4f > (const float &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pset1< Packet2d > (const double &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pset1< Packet4i > (const int &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet16b | pset1< Packet16b > (const bool &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pset1frombits< Packet4f > (unsigned int from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pset1frombits< Packet2d > (uint64_t from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | peven_mask (const Packet4f &) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | peven_mask (const Packet4i &) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | peven_mask (const Packet2d &) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pzero (const Packet4f &) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pzero (const Packet2d &) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pzero (const Packet4i &) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | plset< Packet4f > (const float &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | plset< Packet2d > (const double &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | plset< Packet4i > (const int &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | padd< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | padd< Packet2d > (const Packet2d &a, const Packet2d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | padd< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16b | padd< Packet16b > (const Packet16b &a, const Packet16b &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | psub< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | psub< Packet2d > (const Packet2d &a, const Packet2d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | psub< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16b | psub< Packet16b > (const Packet16b &a, const Packet16b &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pxor< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | paddsub< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pxor< Packet2d > (const Packet2d &, const Packet2d &) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | paddsub< Packet2d > (const Packet2d &a, const Packet2d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pnegate (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pnegate (const Packet2d &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pnegate (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet16b | pnegate (const Packet16b &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pconj (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pconj (const Packet2d &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pconj (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pmul< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pmul< Packet2d > (const Packet2d &a, const Packet2d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pmul< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16b | pmul< Packet16b > (const Packet16b &a, const Packet16b &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pdiv< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pdiv< Packet2d > (const Packet2d &a, const Packet2d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pmadd (const Packet4i &a, const Packet4i &b, const Packet4i &c) |
|
template<> |
EIGEN_DEVICE_FUNC Packet16b | pselect (const Packet16b &mask, const Packet16b &a, const Packet16b &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | ptrue< Packet4i > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet16b | ptrue< Packet16b > (const Packet16b &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | ptrue< Packet4f > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | ptrue< Packet2d > (const Packet2d &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pand< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pand< Packet2d > (const Packet2d &a, const Packet2d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pand< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16b | pand< Packet16b > (const Packet16b &a, const Packet16b &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | por< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | por< Packet2d > (const Packet2d &a, const Packet2d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | por< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16b | por< Packet16b > (const Packet16b &a, const Packet16b &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pxor< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pxor< Packet2d > (const Packet2d &a, const Packet2d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pxor< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16b | pxor< Packet16b > (const Packet16b &a, const Packet16b &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pandnot< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pandnot< Packet2d > (const Packet2d &a, const Packet2d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pandnot< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pcmp_le (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pcmp_lt (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pcmp_lt_or_nan (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pcmp_eq (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pcmp_le (const Packet2d &a, const Packet2d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pcmp_lt (const Packet2d &a, const Packet2d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pcmp_lt_or_nan (const Packet2d &a, const Packet2d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pcmp_eq (const Packet2d &a, const Packet2d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pcmp_lt (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pcmp_eq (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16b | pcmp_eq (const Packet16b &a, const Packet16b &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pcmp_le (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pmin< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pmin< Packet2d > (const Packet2d &a, const Packet2d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pmin< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pmax< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pmax< Packet2d > (const Packet2d &a, const Packet2d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pmax< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<typename Packet , typename Op > |
EIGEN_STRONG_INLINE Packet | pminmax_propagate_numbers (const Packet &a, const Packet &b, Op op) |
|
template<typename Packet , typename Op > |
EIGEN_STRONG_INLINE Packet | pminmax_propagate_nan (const Packet &a, const Packet &b, Op op) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pmin< PropagateNumbers, Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pmin< PropagateNumbers, Packet2d > (const Packet2d &a, const Packet2d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pmax< PropagateNumbers, Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pmax< PropagateNumbers, Packet2d > (const Packet2d &a, const Packet2d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pmin< PropagateNaN, Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pmin< PropagateNaN, Packet2d > (const Packet2d &a, const Packet2d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pmax< PropagateNaN, Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pmax< PropagateNaN, Packet2d > (const Packet2d &a, const Packet2d &b) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4i | parithmetic_shift_right (const Packet4i &a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4i | plogical_shift_right (const Packet4i &a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4i | plogical_shift_left (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pabs (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pabs (const Packet2d &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pabs (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | print (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | print (const Packet2d &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pfloor< Packet4f > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pfloor< Packet2d > (const Packet2d &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pceil< Packet4f > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pceil< Packet2d > (const Packet2d &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pload< Packet4f > (const float *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pload< Packet2d > (const double *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pload< Packet4i > (const int *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet16b | pload< Packet16b > (const bool *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | ploadu< Packet4f > (const float *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | ploadu< Packet2d > (const double *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | ploadu< Packet4i > (const int *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet16b | ploadu< Packet16b > (const bool *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | ploaddup< Packet4f > (const float *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | ploaddup< Packet2d > (const double *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | ploaddup< Packet4i > (const int *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet16b | ploaddup< Packet16b > (const bool *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet16b | ploadquad< Packet16b > (const bool *from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< float > (float *to, const Packet4f &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< double > (double *to, const Packet2d &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< int > (int *to, const Packet4i &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< bool > (bool *to, const Packet16b &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< double > (double *to, const Packet2d &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< float > (float *to, const Packet4f &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< int > (int *to, const Packet4i &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< bool > (bool *to, const Packet16b &from) |
|
template<> |
EIGEN_DEVICE_FUNC Packet4f | pgather< float, Packet4f > (const float *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC Packet2d | pgather< double, Packet2d > (const double *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC Packet4i | pgather< int, Packet4i > (const int *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC Packet16b | pgather< bool, Packet16b > (const bool *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC void | pscatter< float, Packet4f > (float *to, const Packet4f &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC void | pscatter< double, Packet2d > (double *to, const Packet2d &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC void | pscatter< int, Packet4i > (int *to, const Packet4i &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC void | pscatter< bool, Packet16b > (bool *to, const Packet16b &from, Index stride) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore1< Packet4f > (float *to, const float &a) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore1< Packet2d > (double *to, const double &a) |
|
template<> |
EIGEN_STRONG_INLINE void | prefetch< float > (const float *addr) |
|
template<> |
EIGEN_STRONG_INLINE void | prefetch< double > (const double *addr) |
|
template<> |
EIGEN_STRONG_INLINE void | prefetch< int > (const int *addr) |
|
template<> |
EIGEN_STRONG_INLINE float | pfirst< Packet4f > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE double | pfirst< Packet2d > (const Packet2d &a) |
|
template<> |
EIGEN_STRONG_INLINE int | pfirst< Packet4i > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE bool | pfirst< Packet16b > (const Packet16b &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | preverse (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | preverse (const Packet2d &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | preverse (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet16b | preverse (const Packet16b &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pfrexp< Packet4f > (const Packet4f &a, Packet4f &exponent) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pfrexp_generic_get_biased_exponent (const Packet2d &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pfrexp< Packet2d > (const Packet2d &a, Packet2d &exponent) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pldexp< Packet4f > (const Packet4f &a, const Packet4f &exponent) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pldexp< Packet2d > (const Packet2d &a, const Packet2d &exponent) |
|
template<> |
EIGEN_STRONG_INLINE void | pbroadcast4< Packet4f > (const float *a, Packet4f &a0, Packet4f &a1, Packet4f &a2, Packet4f &a3) |
|
template<> |
EIGEN_STRONG_INLINE void | pbroadcast4< Packet2d > (const double *a, Packet2d &a0, Packet2d &a1, Packet2d &a2, Packet2d &a3) |
|
EIGEN_STRONG_INLINE void | punpackp (Packet4f *vecs) |
|
template<> |
EIGEN_STRONG_INLINE float | predux< Packet4f > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE double | predux< Packet2d > (const Packet2d &a) |
|
template<> |
EIGEN_STRONG_INLINE int | predux< Packet4i > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE bool | predux< Packet16b > (const Packet16b &a) |
|
template<> |
EIGEN_STRONG_INLINE float | predux_mul< Packet4f > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE double | predux_mul< Packet2d > (const Packet2d &a) |
|
template<> |
EIGEN_STRONG_INLINE int | predux_mul< Packet4i > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE bool | predux_mul< Packet16b > (const Packet16b &a) |
|
template<> |
EIGEN_STRONG_INLINE float | predux_min< Packet4f > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE double | predux_min< Packet2d > (const Packet2d &a) |
|
template<> |
EIGEN_STRONG_INLINE int | predux_min< Packet4i > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE float | predux_max< Packet4f > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE double | predux_max< Packet2d > (const Packet2d &a) |
|
template<> |
EIGEN_STRONG_INLINE int | predux_max< Packet4i > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE bool | predux_any (const Packet4f &x) |
|
EIGEN_DEVICE_FUNC void | ptranspose (PacketBlock< Packet4f, 4 > &kernel) |
|
EIGEN_DEVICE_FUNC void | ptranspose (PacketBlock< Packet2d, 2 > &kernel) |
|
EIGEN_DEVICE_FUNC void | ptranspose (PacketBlock< Packet4i, 4 > &kernel) |
|
EIGEN_DEVICE_FUNC void | ptranspose (PacketBlock< Packet16b, 4 > &kernel) |
|
EIGEN_DEVICE_FUNC void | ptranspose (PacketBlock< Packet16b, 16 > &kernel) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pblend (const Selector< 4 > &ifPacket, const Packet4i &thenPacket, const Packet4i &elsePacket) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pblend (const Selector< 4 > &ifPacket, const Packet4f &thenPacket, const Packet4f &elsePacket) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pblend (const Selector< 2 > &ifPacket, const Packet2d &thenPacket, const Packet2d &elsePacket) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | padd< Packet2cf > (const Packet2cf &a, const Packet2cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | psub< Packet2cf > (const Packet2cf &a, const Packet2cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pnegate (const Packet2cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pconj (const Packet2cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pmul< Packet2cf > (const Packet2cf &a, const Packet2cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | ptrue< Packet2cf > (const Packet2cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pand< Packet2cf > (const Packet2cf &a, const Packet2cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | por< Packet2cf > (const Packet2cf &a, const Packet2cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pxor< Packet2cf > (const Packet2cf &a, const Packet2cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pandnot< Packet2cf > (const Packet2cf &a, const Packet2cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pload< Packet2cf > (const std::complex< float > *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | ploadu< Packet2cf > (const std::complex< float > *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pset1< Packet2cf > (const std::complex< float > &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | ploaddup< Packet2cf > (const std::complex< float > *from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< std::complex< float > > (std::complex< float > *to, const Packet2cf &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< std::complex< float > > (std::complex< float > *to, const Packet2cf &from) |
|
template<> |
EIGEN_DEVICE_FUNC Packet2cf | pgather< std::complex< float >, Packet2cf > (const std::complex< float > *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC void | pscatter< std::complex< float >, Packet2cf > (std::complex< float > *to, const Packet2cf &from, Index stride) |
|
template<> |
EIGEN_STRONG_INLINE void | prefetch< std::complex< float > > (const std::complex< float > *addr) |
|
template<> |
EIGEN_STRONG_INLINE std::complex< float > | pfirst< Packet2cf > (const Packet2cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | preverse (const Packet2cf &a) |
|
template<> |
EIGEN_STRONG_INLINE std::complex< float > | predux< Packet2cf > (const Packet2cf &a) |
|
template<> |
EIGEN_STRONG_INLINE std::complex< float > | predux_mul< Packet2cf > (const Packet2cf &a) |
|
EIGEN_STRONG_INLINE Packet2cf | pcplxflip (const Packet2cf &x) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pdiv< Packet2cf > (const Packet2cf &a, const Packet2cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cd | padd< Packet1cd > (const Packet1cd &a, const Packet1cd &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cd | psub< Packet1cd > (const Packet1cd &a, const Packet1cd &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cd | pnegate (const Packet1cd &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cd | pconj (const Packet1cd &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cd | pmul< Packet1cd > (const Packet1cd &a, const Packet1cd &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cd | ptrue< Packet1cd > (const Packet1cd &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cd | pand< Packet1cd > (const Packet1cd &a, const Packet1cd &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cd | por< Packet1cd > (const Packet1cd &a, const Packet1cd &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cd | pxor< Packet1cd > (const Packet1cd &a, const Packet1cd &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cd | pandnot< Packet1cd > (const Packet1cd &a, const Packet1cd &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cd | pload< Packet1cd > (const std::complex< double > *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cd | ploadu< Packet1cd > (const std::complex< double > *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cd | pset1< Packet1cd > (const std::complex< double > &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cd | ploaddup< Packet1cd > (const std::complex< double > *from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< std::complex< double > > (std::complex< double > *to, const Packet1cd &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< std::complex< double > > (std::complex< double > *to, const Packet1cd &from) |
|
template<> |
EIGEN_STRONG_INLINE void | prefetch< std::complex< double > > (const std::complex< double > *addr) |
|
template<> |
EIGEN_STRONG_INLINE std::complex< double > | pfirst< Packet1cd > (const Packet1cd &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cd | preverse (const Packet1cd &a) |
|
template<> |
EIGEN_STRONG_INLINE std::complex< double > | predux< Packet1cd > (const Packet1cd &a) |
|
template<> |
EIGEN_STRONG_INLINE std::complex< double > | predux_mul< Packet1cd > (const Packet1cd &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cd | pdiv< Packet1cd > (const Packet1cd &a, const Packet1cd &b) |
|
EIGEN_STRONG_INLINE Packet1cd | pcplxflip (const Packet1cd &x) |
|
EIGEN_DEVICE_FUNC void | ptranspose (PacketBlock< Packet2cf, 2 > &kernel) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pcmp_eq (const Packet2cf &a, const Packet2cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cd | pcmp_eq (const Packet1cd &a, const Packet1cd &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pblend (const Selector< 2 > &ifPacket, const Packet2cf &thenPacket, const Packet2cf &elsePacket) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cd | psqrt< Packet1cd > (const Packet1cd &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | psqrt< Packet2cf > (const Packet2cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pcast< Packet4f, Packet4i > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pcast< Packet4i, Packet4f > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pcast< Packet2d, Packet4f > (const Packet2d &a, const Packet2d &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | pcast< Packet4f, Packet2d > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | preinterpret< Packet4i, Packet4f > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | preinterpret< Packet4f, Packet4i > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2d | preinterpret< Packet2d, Packet4i > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | preinterpret< Packet4i, Packet2d > (const Packet2d &a) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4f | plog< Packet4f > (const Packet4f &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet2d | plog< Packet2d > (const Packet2d &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4f | plog2< Packet4f > (const Packet4f &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet2d | plog2< Packet2d > (const Packet2d &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4f | plog1p< Packet4f > (const Packet4f &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4f | pexpm1< Packet4f > (const Packet4f &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4f | pexp< Packet4f > (const Packet4f &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet2d | pexp< Packet2d > (const Packet2d &x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4f | psin< Packet4f > (const Packet4f &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4f | pcos< Packet4f > (const Packet4f &_x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4f | psqrt< Packet4f > (const Packet4f &x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet2d | psqrt< Packet2d > (const Packet2d &x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet16b | psqrt< Packet16b > (const Packet16b &x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4f | prsqrt< Packet4f > (const Packet4f &x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet2d | prsqrt< Packet2d > (const Packet2d &x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4f | ptanh< Packet4f > (const Packet4f &x) |
|
template<typename Packet > |
EIGEN_STRONG_INLINE EIGEN_DEVICE_FUNC Packet | pfrexp_generic (const Packet &a, Packet &exponent) |
| Default implementation of pfrexp. More...
|
|
template<typename Packet > |
EIGEN_STRONG_INLINE EIGEN_DEVICE_FUNC Packet | pfrexp_generic_get_biased_exponent (const Packet &p) |
|
template<typename Packet > |
EIGEN_STRONG_INLINE EIGEN_DEVICE_FUNC Packet | pldexp_generic (const Packet &a, const Packet &exponent) |
| Default implementation of pldexp. More...
|
|
template<typename Packet > |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet | plog_float (const Packet _x) |
|
template<typename Packet > |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet | plog2_float (const Packet _x) |
|
template<typename Packet > |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet | plog_double (const Packet _x) |
|
template<typename Packet > |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet | plog2_double (const Packet _x) |
|
template<typename Packet > |
Packet | generic_plog1p (const Packet &x) |
|
template<typename Packet > |
Packet | generic_expm1 (const Packet &x) |
|
template<typename Packet > |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet | pexp_float (const Packet _x) |
|
template<typename Packet > |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet | pexp_double (const Packet _x) |
|
template<typename Packet > |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet | psin_float (const Packet &x) |
|
template<typename Packet > |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet | pcos_float (const Packet &x) |
|
template<typename Packet > |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet | psqrt_complex (const Packet &a) |
|
template<typename Packet , bool base2> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet | plog_impl_float (const Packet _x) |
|
template<typename Packet , bool base2> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet | plog_impl_double (const Packet _x) |
|
float | trig_reduce_huge (float xf, int *quadrant) |
|
template<bool ComputeSine, typename Packet > |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet | psincos_float (const Packet &_x) |
|
template<typename Packet > |
EIGEN_STRONG_INLINE void | absolute_split (const Packet &x, Packet &n, Packet &r) |
|
template<typename Packet > |
EIGEN_STRONG_INLINE void | fast_twosum (const Packet &x, const Packet &y, Packet &s_hi, Packet &s_lo) |
|
template<typename Packet > |
EIGEN_STRONG_INLINE void | veltkamp_splitting (const Packet &x, Packet &x_hi, Packet &x_lo) |
|
template<typename Packet > |
EIGEN_STRONG_INLINE void | twoprod (const Packet &x, const Packet &y, Packet &p_hi, Packet &p_lo) |
|
template<typename Packet > |
EIGEN_STRONG_INLINE void | twosum (const Packet &x_hi, const Packet &x_lo, const Packet &y_hi, const Packet &y_lo, Packet &s_hi, Packet &s_lo) |
|
template<typename Packet > |
EIGEN_STRONG_INLINE void | fast_twosum (const Packet &x_hi, const Packet &x_lo, const Packet &y_hi, const Packet &y_lo, Packet &s_hi, Packet &s_lo) |
|
template<typename Packet > |
EIGEN_STRONG_INLINE void | fast_twosum (const Packet &x, const Packet &y_hi, const Packet &y_lo, Packet &s_hi, Packet &s_lo) |
|
template<typename Packet > |
EIGEN_STRONG_INLINE void | twoprod (const Packet &x_hi, const Packet &x_lo, const Packet &y, Packet &p_hi, Packet &p_lo) |
|
template<typename Packet > |
EIGEN_STRONG_INLINE void | twoprod (const Packet &x_hi, const Packet &x_lo, const Packet &y_hi, const Packet &y_lo, Packet &p_hi, Packet &p_lo) |
|
template<typename Packet > |
void | doubleword_reciprocal (const Packet &x, Packet &recip_hi, Packet &recip_lo) |
|
template<typename Packet > |
EIGEN_STRONG_INLINE Packet | generic_pow_impl (const Packet &x, const Packet &y) |
|
template<typename Packet > |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet | generic_pow (const Packet &x, const Packet &y) |
|
EIGEN_STRONG_INLINE Packet4f | shuffle1 (const Packet4f &m, int mask) |
|
template<bool interleave> |
EIGEN_STRONG_INLINE Packet4f | shuffle2 (const Packet4f &m, const Packet4f &n, int mask) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | shuffle2< true > (const Packet4f &m, const Packet4f &n, int mask) |
|
static EIGEN_STRONG_INLINE int | eigen_neon_shuffle_mask (int p, int q, int r, int s) |
|
EIGEN_STRONG_INLINE Packet4f | vec4f_swizzle1 (const Packet4f &a, int p, int q, int r, int s) |
|
EIGEN_STRONG_INLINE Packet4f | vec4f_swizzle2 (const Packet4f &a, const Packet4f &b, int p, int q, int r, int s) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pset1< Packet2f > (const float &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pset1< Packet4f > (const float &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | pset1< Packet4c > (const int8_t &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pset1< Packet8c > (const int8_t &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pset1< Packet16c > (const int8_t &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | pset1< Packet4uc > (const uint8_t &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pset1< Packet8uc > (const uint8_t &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pset1< Packet16uc > (const uint8_t &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pset1< Packet4s > (const int16_t &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pset1< Packet8s > (const int16_t &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pset1< Packet4us > (const uint16_t &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pset1< Packet8us > (const uint16_t &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pset1< Packet2i > (const int32_t &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pset1< Packet4i > (const int32_t &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pset1< Packet2ui > (const uint32_t &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pset1< Packet4ui > (const uint32_t &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pset1< Packet2l > (const int64_t &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pset1< Packet2ul > (const uint64_t &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pset1frombits< Packet2f > (unsigned int from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pset1frombits< Packet4f > (unsigned int from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | plset< Packet2f > (const float &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | plset< Packet4f > (const float &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | plset< Packet4c > (const int8_t &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | plset< Packet8c > (const int8_t &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | plset< Packet16c > (const int8_t &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | plset< Packet4uc > (const uint8_t &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | plset< Packet8uc > (const uint8_t &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | plset< Packet16uc > (const uint8_t &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | plset< Packet4s > (const int16_t &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | plset< Packet4us > (const uint16_t &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | plset< Packet8s > (const int16_t &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | plset< Packet8us > (const uint16_t &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | plset< Packet2i > (const int32_t &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | plset< Packet4i > (const int32_t &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | plset< Packet2ui > (const uint32_t &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | plset< Packet4ui > (const uint32_t &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | plset< Packet2l > (const int64_t &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | plset< Packet2ul > (const uint64_t &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | padd< Packet2f > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | padd< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | padd< Packet4c > (const Packet4c &a, const Packet4c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | padd< Packet8c > (const Packet8c &a, const Packet8c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | padd< Packet16c > (const Packet16c &a, const Packet16c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | padd< Packet4uc > (const Packet4uc &a, const Packet4uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | padd< Packet8uc > (const Packet8uc &a, const Packet8uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | padd< Packet16uc > (const Packet16uc &a, const Packet16uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | padd< Packet4s > (const Packet4s &a, const Packet4s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | padd< Packet8s > (const Packet8s &a, const Packet8s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | padd< Packet4us > (const Packet4us &a, const Packet4us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | padd< Packet8us > (const Packet8us &a, const Packet8us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | padd< Packet2i > (const Packet2i &a, const Packet2i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | padd< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | padd< Packet2ui > (const Packet2ui &a, const Packet2ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | padd< Packet4ui > (const Packet4ui &a, const Packet4ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | padd< Packet2l > (const Packet2l &a, const Packet2l &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | padd< Packet2ul > (const Packet2ul &a, const Packet2ul &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | psub< Packet2f > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | psub< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | psub< Packet4c > (const Packet4c &a, const Packet4c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | psub< Packet8c > (const Packet8c &a, const Packet8c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | psub< Packet16c > (const Packet16c &a, const Packet16c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | psub< Packet4uc > (const Packet4uc &a, const Packet4uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | psub< Packet8uc > (const Packet8uc &a, const Packet8uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | psub< Packet16uc > (const Packet16uc &a, const Packet16uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | psub< Packet4s > (const Packet4s &a, const Packet4s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | psub< Packet8s > (const Packet8s &a, const Packet8s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | psub< Packet4us > (const Packet4us &a, const Packet4us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | psub< Packet8us > (const Packet8us &a, const Packet8us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | psub< Packet2i > (const Packet2i &a, const Packet2i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | psub< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | psub< Packet2ui > (const Packet2ui &a, const Packet2ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | psub< Packet4ui > (const Packet4ui &a, const Packet4ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | psub< Packet2l > (const Packet2l &a, const Packet2l &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | psub< Packet2ul > (const Packet2ul &a, const Packet2ul &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pxor< Packet2f > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | paddsub< Packet2f > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pxor< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | paddsub< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pnegate (const Packet2f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pnegate (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | pnegate (const Packet4c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pnegate (const Packet8c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pnegate (const Packet16c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pnegate (const Packet4s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pnegate (const Packet8s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pnegate (const Packet2i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pnegate (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pnegate (const Packet2l &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pconj (const Packet2f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pconj (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | pconj (const Packet4c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pconj (const Packet8c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pconj (const Packet16c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | pconj (const Packet4uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pconj (const Packet8uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pconj (const Packet16uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pconj (const Packet4s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pconj (const Packet8s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pconj (const Packet4us &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pconj (const Packet8us &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pconj (const Packet2i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pconj (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pconj (const Packet2ui &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pconj (const Packet4ui &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pconj (const Packet2l &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pconj (const Packet2ul &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pmul< Packet2f > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pmul< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | pmul< Packet4c > (const Packet4c &a, const Packet4c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pmul< Packet8c > (const Packet8c &a, const Packet8c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pmul< Packet16c > (const Packet16c &a, const Packet16c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | pmul< Packet4uc > (const Packet4uc &a, const Packet4uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pmul< Packet8uc > (const Packet8uc &a, const Packet8uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pmul< Packet16uc > (const Packet16uc &a, const Packet16uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pmul< Packet4s > (const Packet4s &a, const Packet4s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pmul< Packet8s > (const Packet8s &a, const Packet8s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pmul< Packet4us > (const Packet4us &a, const Packet4us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pmul< Packet8us > (const Packet8us &a, const Packet8us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pmul< Packet2i > (const Packet2i &a, const Packet2i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pmul< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pmul< Packet2ui > (const Packet2ui &a, const Packet2ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pmul< Packet4ui > (const Packet4ui &a, const Packet4ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pmul< Packet2l > (const Packet2l &a, const Packet2l &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pmul< Packet2ul > (const Packet2ul &a, const Packet2ul &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pdiv< Packet2f > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pdiv< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | pdiv< Packet4c > (const Packet4c &, const Packet4c &) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pdiv< Packet8c > (const Packet8c &, const Packet8c &) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pdiv< Packet16c > (const Packet16c &, const Packet16c &) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | pdiv< Packet4uc > (const Packet4uc &, const Packet4uc &) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pdiv< Packet8uc > (const Packet8uc &, const Packet8uc &) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pdiv< Packet16uc > (const Packet16uc &, const Packet16uc &) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pdiv< Packet4s > (const Packet4s &, const Packet4s &) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pdiv< Packet8s > (const Packet8s &, const Packet8s &) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pdiv< Packet4us > (const Packet4us &, const Packet4us &) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pdiv< Packet8us > (const Packet8us &, const Packet8us &) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pdiv< Packet2i > (const Packet2i &, const Packet2i &) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pdiv< Packet4i > (const Packet4i &, const Packet4i &) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pdiv< Packet2ui > (const Packet2ui &, const Packet2ui &) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pdiv< Packet4ui > (const Packet4ui &, const Packet4ui &) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pdiv< Packet2l > (const Packet2l &, const Packet2l &) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pdiv< Packet2ul > (const Packet2ul &, const Packet2ul &) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pmadd (const Packet4f &a, const Packet4f &b, const Packet4f &c) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pmadd (const Packet2f &a, const Packet2f &b, const Packet2f &c) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | pmadd (const Packet4c &a, const Packet4c &b, const Packet4c &c) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pmadd (const Packet8c &a, const Packet8c &b, const Packet8c &c) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pmadd (const Packet16c &a, const Packet16c &b, const Packet16c &c) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | pmadd (const Packet4uc &a, const Packet4uc &b, const Packet4uc &c) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pmadd (const Packet8uc &a, const Packet8uc &b, const Packet8uc &c) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pmadd (const Packet16uc &a, const Packet16uc &b, const Packet16uc &c) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pmadd (const Packet4s &a, const Packet4s &b, const Packet4s &c) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pmadd (const Packet8s &a, const Packet8s &b, const Packet8s &c) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pmadd (const Packet4us &a, const Packet4us &b, const Packet4us &c) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pmadd (const Packet8us &a, const Packet8us &b, const Packet8us &c) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pmadd (const Packet2i &a, const Packet2i &b, const Packet2i &c) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pmadd (const Packet4i &a, const Packet4i &b, const Packet4i &c) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pmadd (const Packet2ui &a, const Packet2ui &b, const Packet2ui &c) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pmadd (const Packet4ui &a, const Packet4ui &b, const Packet4ui &c) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pabsdiff< Packet2f > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pabsdiff< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | pabsdiff< Packet4c > (const Packet4c &a, const Packet4c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pabsdiff< Packet8c > (const Packet8c &a, const Packet8c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pabsdiff< Packet16c > (const Packet16c &a, const Packet16c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | pabsdiff< Packet4uc > (const Packet4uc &a, const Packet4uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pabsdiff< Packet8uc > (const Packet8uc &a, const Packet8uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pabsdiff< Packet16uc > (const Packet16uc &a, const Packet16uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pabsdiff< Packet4s > (const Packet4s &a, const Packet4s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pabsdiff< Packet8s > (const Packet8s &a, const Packet8s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pabsdiff< Packet4us > (const Packet4us &a, const Packet4us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pabsdiff< Packet8us > (const Packet8us &a, const Packet8us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pabsdiff< Packet2i > (const Packet2i &a, const Packet2i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pabsdiff< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pabsdiff< Packet2ui > (const Packet2ui &a, const Packet2ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pabsdiff< Packet4ui > (const Packet4ui &a, const Packet4ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pmin< Packet2f > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pmin< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pmin< PropagateNaN, Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pmin< PropagateNaN, Packet2f > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | pmin< Packet4c > (const Packet4c &a, const Packet4c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pmin< Packet8c > (const Packet8c &a, const Packet8c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pmin< Packet16c > (const Packet16c &a, const Packet16c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | pmin< Packet4uc > (const Packet4uc &a, const Packet4uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pmin< Packet8uc > (const Packet8uc &a, const Packet8uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pmin< Packet16uc > (const Packet16uc &a, const Packet16uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pmin< Packet4s > (const Packet4s &a, const Packet4s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pmin< Packet8s > (const Packet8s &a, const Packet8s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pmin< Packet4us > (const Packet4us &a, const Packet4us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pmin< Packet8us > (const Packet8us &a, const Packet8us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pmin< Packet2i > (const Packet2i &a, const Packet2i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pmin< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pmin< Packet2ui > (const Packet2ui &a, const Packet2ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pmin< Packet4ui > (const Packet4ui &a, const Packet4ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pmin< Packet2l > (const Packet2l &a, const Packet2l &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pmin< Packet2ul > (const Packet2ul &a, const Packet2ul &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pmax< Packet2f > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pmax< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pmax< PropagateNaN, Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pmax< PropagateNaN, Packet2f > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | pmax< Packet4c > (const Packet4c &a, const Packet4c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pmax< Packet8c > (const Packet8c &a, const Packet8c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pmax< Packet16c > (const Packet16c &a, const Packet16c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | pmax< Packet4uc > (const Packet4uc &a, const Packet4uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pmax< Packet8uc > (const Packet8uc &a, const Packet8uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pmax< Packet16uc > (const Packet16uc &a, const Packet16uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pmax< Packet4s > (const Packet4s &a, const Packet4s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pmax< Packet8s > (const Packet8s &a, const Packet8s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pmax< Packet4us > (const Packet4us &a, const Packet4us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pmax< Packet8us > (const Packet8us &a, const Packet8us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pmax< Packet2i > (const Packet2i &a, const Packet2i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pmax< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pmax< Packet2ui > (const Packet2ui &a, const Packet2ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pmax< Packet4ui > (const Packet4ui &a, const Packet4ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pmax< Packet2l > (const Packet2l &a, const Packet2l &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pmax< Packet2ul > (const Packet2ul &a, const Packet2ul &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pcmp_le< Packet2f > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pcmp_le< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | pcmp_le< Packet4c > (const Packet4c &a, const Packet4c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pcmp_le< Packet8c > (const Packet8c &a, const Packet8c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pcmp_le< Packet16c > (const Packet16c &a, const Packet16c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | pcmp_le< Packet4uc > (const Packet4uc &a, const Packet4uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pcmp_le< Packet8uc > (const Packet8uc &a, const Packet8uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pcmp_le< Packet16uc > (const Packet16uc &a, const Packet16uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pcmp_le< Packet4s > (const Packet4s &a, const Packet4s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pcmp_le< Packet8s > (const Packet8s &a, const Packet8s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pcmp_le< Packet4us > (const Packet4us &a, const Packet4us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pcmp_le< Packet8us > (const Packet8us &a, const Packet8us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pcmp_le< Packet2i > (const Packet2i &a, const Packet2i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pcmp_le< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pcmp_le< Packet2ui > (const Packet2ui &a, const Packet2ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pcmp_le< Packet4ui > (const Packet4ui &a, const Packet4ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pcmp_le< Packet2l > (const Packet2l &a, const Packet2l &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pcmp_le< Packet2ul > (const Packet2ul &a, const Packet2ul &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pcmp_lt< Packet2f > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pcmp_lt< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | pcmp_lt< Packet4c > (const Packet4c &a, const Packet4c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pcmp_lt< Packet8c > (const Packet8c &a, const Packet8c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pcmp_lt< Packet16c > (const Packet16c &a, const Packet16c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | pcmp_lt< Packet4uc > (const Packet4uc &a, const Packet4uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pcmp_lt< Packet8uc > (const Packet8uc &a, const Packet8uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pcmp_lt< Packet16uc > (const Packet16uc &a, const Packet16uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pcmp_lt< Packet4s > (const Packet4s &a, const Packet4s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pcmp_lt< Packet8s > (const Packet8s &a, const Packet8s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pcmp_lt< Packet4us > (const Packet4us &a, const Packet4us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pcmp_lt< Packet8us > (const Packet8us &a, const Packet8us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pcmp_lt< Packet2i > (const Packet2i &a, const Packet2i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pcmp_lt< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pcmp_lt< Packet2ui > (const Packet2ui &a, const Packet2ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pcmp_lt< Packet4ui > (const Packet4ui &a, const Packet4ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pcmp_lt< Packet2l > (const Packet2l &a, const Packet2l &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pcmp_lt< Packet2ul > (const Packet2ul &a, const Packet2ul &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pcmp_eq< Packet2f > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pcmp_eq< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | pcmp_eq< Packet4c > (const Packet4c &a, const Packet4c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pcmp_eq< Packet8c > (const Packet8c &a, const Packet8c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pcmp_eq< Packet16c > (const Packet16c &a, const Packet16c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | pcmp_eq< Packet4uc > (const Packet4uc &a, const Packet4uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pcmp_eq< Packet8uc > (const Packet8uc &a, const Packet8uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pcmp_eq< Packet16uc > (const Packet16uc &a, const Packet16uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pcmp_eq< Packet4s > (const Packet4s &a, const Packet4s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pcmp_eq< Packet8s > (const Packet8s &a, const Packet8s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pcmp_eq< Packet4us > (const Packet4us &a, const Packet4us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pcmp_eq< Packet8us > (const Packet8us &a, const Packet8us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pcmp_eq< Packet2i > (const Packet2i &a, const Packet2i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pcmp_eq< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pcmp_eq< Packet2ui > (const Packet2ui &a, const Packet2ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pcmp_eq< Packet4ui > (const Packet4ui &a, const Packet4ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pcmp_eq< Packet2l > (const Packet2l &a, const Packet2l &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pcmp_eq< Packet2ul > (const Packet2ul &a, const Packet2ul &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pcmp_lt_or_nan< Packet2f > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pcmp_lt_or_nan< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pand< Packet2f > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pand< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | pand< Packet4c > (const Packet4c &a, const Packet4c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pand< Packet8c > (const Packet8c &a, const Packet8c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pand< Packet16c > (const Packet16c &a, const Packet16c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | pand< Packet4uc > (const Packet4uc &a, const Packet4uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pand< Packet8uc > (const Packet8uc &a, const Packet8uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pand< Packet16uc > (const Packet16uc &a, const Packet16uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pand< Packet4s > (const Packet4s &a, const Packet4s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pand< Packet8s > (const Packet8s &a, const Packet8s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pand< Packet4us > (const Packet4us &a, const Packet4us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pand< Packet8us > (const Packet8us &a, const Packet8us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pand< Packet2i > (const Packet2i &a, const Packet2i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pand< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pand< Packet2ui > (const Packet2ui &a, const Packet2ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pand< Packet4ui > (const Packet4ui &a, const Packet4ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pand< Packet2l > (const Packet2l &a, const Packet2l &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pand< Packet2ul > (const Packet2ul &a, const Packet2ul &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | por< Packet2f > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | por< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | por< Packet4c > (const Packet4c &a, const Packet4c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | por< Packet8c > (const Packet8c &a, const Packet8c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | por< Packet16c > (const Packet16c &a, const Packet16c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | por< Packet4uc > (const Packet4uc &a, const Packet4uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | por< Packet8uc > (const Packet8uc &a, const Packet8uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | por< Packet16uc > (const Packet16uc &a, const Packet16uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | por< Packet4s > (const Packet4s &a, const Packet4s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | por< Packet8s > (const Packet8s &a, const Packet8s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | por< Packet4us > (const Packet4us &a, const Packet4us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | por< Packet8us > (const Packet8us &a, const Packet8us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | por< Packet2i > (const Packet2i &a, const Packet2i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | por< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | por< Packet2ui > (const Packet2ui &a, const Packet2ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | por< Packet4ui > (const Packet4ui &a, const Packet4ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | por< Packet2l > (const Packet2l &a, const Packet2l &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | por< Packet2ul > (const Packet2ul &a, const Packet2ul &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pxor< Packet2f > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pxor< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | pxor< Packet4c > (const Packet4c &a, const Packet4c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pxor< Packet8c > (const Packet8c &a, const Packet8c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pxor< Packet16c > (const Packet16c &a, const Packet16c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | pxor< Packet4uc > (const Packet4uc &a, const Packet4uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pxor< Packet8uc > (const Packet8uc &a, const Packet8uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pxor< Packet16uc > (const Packet16uc &a, const Packet16uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pxor< Packet4s > (const Packet4s &a, const Packet4s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pxor< Packet8s > (const Packet8s &a, const Packet8s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pxor< Packet4us > (const Packet4us &a, const Packet4us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pxor< Packet8us > (const Packet8us &a, const Packet8us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pxor< Packet2i > (const Packet2i &a, const Packet2i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pxor< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pxor< Packet2ui > (const Packet2ui &a, const Packet2ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pxor< Packet4ui > (const Packet4ui &a, const Packet4ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pxor< Packet2l > (const Packet2l &a, const Packet2l &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pxor< Packet2ul > (const Packet2ul &a, const Packet2ul &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pandnot< Packet2f > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pandnot< Packet4f > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | pandnot< Packet4c > (const Packet4c &a, const Packet4c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pandnot< Packet8c > (const Packet8c &a, const Packet8c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pandnot< Packet16c > (const Packet16c &a, const Packet16c &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | pandnot< Packet4uc > (const Packet4uc &a, const Packet4uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pandnot< Packet8uc > (const Packet8uc &a, const Packet8uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pandnot< Packet16uc > (const Packet16uc &a, const Packet16uc &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pandnot< Packet4s > (const Packet4s &a, const Packet4s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pandnot< Packet8s > (const Packet8s &a, const Packet8s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pandnot< Packet4us > (const Packet4us &a, const Packet4us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pandnot< Packet8us > (const Packet8us &a, const Packet8us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pandnot< Packet2i > (const Packet2i &a, const Packet2i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pandnot< Packet4i > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pandnot< Packet2ui > (const Packet2ui &a, const Packet2ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pandnot< Packet4ui > (const Packet4ui &a, const Packet4ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pandnot< Packet2l > (const Packet2l &a, const Packet2l &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pandnot< Packet2ul > (const Packet2ul &a, const Packet2ul &b) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4c | parithmetic_shift_right (Packet4c &a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet8c | parithmetic_shift_right (Packet8c a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet16c | parithmetic_shift_right (Packet16c a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4uc | parithmetic_shift_right (Packet4uc &a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet8uc | parithmetic_shift_right (Packet8uc a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet16uc | parithmetic_shift_right (Packet16uc a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4s | parithmetic_shift_right (Packet4s a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet8s | parithmetic_shift_right (Packet8s a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4us | parithmetic_shift_right (Packet4us a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet8us | parithmetic_shift_right (Packet8us a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet2i | parithmetic_shift_right (Packet2i a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4i | parithmetic_shift_right (Packet4i a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet2ui | parithmetic_shift_right (Packet2ui a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4ui | parithmetic_shift_right (Packet4ui a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet2l | parithmetic_shift_right (Packet2l a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet2ul | parithmetic_shift_right (Packet2ul a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4c | plogical_shift_right (Packet4c &a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet8c | plogical_shift_right (Packet8c a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet16c | plogical_shift_right (Packet16c a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4uc | plogical_shift_right (Packet4uc &a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet8uc | plogical_shift_right (Packet8uc a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet16uc | plogical_shift_right (Packet16uc a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4s | plogical_shift_right (Packet4s a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet8s | plogical_shift_right (Packet8s a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4us | plogical_shift_right (Packet4us a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet8us | plogical_shift_right (Packet8us a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet2i | plogical_shift_right (Packet2i a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4i | plogical_shift_right (Packet4i a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet2ui | plogical_shift_right (Packet2ui a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4ui | plogical_shift_right (Packet4ui a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet2l | plogical_shift_right (Packet2l a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet2ul | plogical_shift_right (Packet2ul a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4c | plogical_shift_left (Packet4c &a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet8c | plogical_shift_left (Packet8c a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet16c | plogical_shift_left (Packet16c a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4uc | plogical_shift_left (Packet4uc &a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet8uc | plogical_shift_left (Packet8uc a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet16uc | plogical_shift_left (Packet16uc a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4s | plogical_shift_left (Packet4s a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet8s | plogical_shift_left (Packet8s a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4us | plogical_shift_left (Packet4us a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet8us | plogical_shift_left (Packet8us a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet2i | plogical_shift_left (Packet2i a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4i | plogical_shift_left (Packet4i a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet2ui | plogical_shift_left (Packet2ui a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet4ui | plogical_shift_left (Packet4ui a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet2l | plogical_shift_left (Packet2l a) |
|
template<int N> |
EIGEN_STRONG_INLINE Packet2ul | plogical_shift_left (Packet2ul a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pload< Packet2f > (const float *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pload< Packet4f > (const float *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | pload< Packet4c > (const int8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pload< Packet8c > (const int8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pload< Packet16c > (const int8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | pload< Packet4uc > (const uint8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pload< Packet8uc > (const uint8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pload< Packet16uc > (const uint8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pload< Packet4s > (const int16_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pload< Packet8s > (const int16_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pload< Packet4us > (const uint16_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pload< Packet8us > (const uint16_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pload< Packet2i > (const int32_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pload< Packet4i > (const int32_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pload< Packet2ui > (const uint32_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pload< Packet4ui > (const uint32_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pload< Packet2l > (const int64_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pload< Packet2ul > (const uint64_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | ploadu< Packet2f > (const float *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | ploadu< Packet4f > (const float *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | ploadu< Packet4c > (const int8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | ploadu< Packet8c > (const int8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | ploadu< Packet16c > (const int8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | ploadu< Packet4uc > (const uint8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | ploadu< Packet8uc > (const uint8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | ploadu< Packet16uc > (const uint8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | ploadu< Packet4s > (const int16_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | ploadu< Packet8s > (const int16_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | ploadu< Packet4us > (const uint16_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | ploadu< Packet8us > (const uint16_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | ploadu< Packet2i > (const int32_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | ploadu< Packet4i > (const int32_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | ploadu< Packet2ui > (const uint32_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | ploadu< Packet4ui > (const uint32_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | ploadu< Packet2l > (const int64_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | ploadu< Packet2ul > (const uint64_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | ploaddup< Packet2f > (const float *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | ploaddup< Packet4f > (const float *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | ploaddup< Packet4c > (const int8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | ploaddup< Packet8c > (const int8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | ploaddup< Packet16c > (const int8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | ploaddup< Packet4uc > (const uint8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | ploaddup< Packet8uc > (const uint8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | ploaddup< Packet16uc > (const uint8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | ploaddup< Packet4s > (const int16_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | ploaddup< Packet8s > (const int16_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | ploaddup< Packet4us > (const uint16_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | ploaddup< Packet8us > (const uint16_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | ploaddup< Packet2i > (const int32_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | ploaddup< Packet4i > (const int32_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | ploaddup< Packet2ui > (const uint32_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | ploaddup< Packet4ui > (const uint32_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | ploaddup< Packet2l > (const int64_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | ploaddup< Packet2ul > (const uint64_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | ploadquad< Packet4f > (const float *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | ploadquad< Packet4c > (const int8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | ploadquad< Packet8c > (const int8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | ploadquad< Packet16c > (const int8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | ploadquad< Packet4uc > (const uint8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | ploadquad< Packet8uc > (const uint8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | ploadquad< Packet16uc > (const uint8_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | ploadquad< Packet8s > (const int16_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | ploadquad< Packet8us > (const uint16_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | ploadquad< Packet4i > (const int32_t *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | ploadquad< Packet4ui > (const uint32_t *from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< float > (float *to, const Packet2f &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< float > (float *to, const Packet4f &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< int8_t > (int8_t *to, const Packet4c &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< int8_t > (int8_t *to, const Packet8c &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< int8_t > (int8_t *to, const Packet16c &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< uint8_t > (uint8_t *to, const Packet4uc &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< uint8_t > (uint8_t *to, const Packet8uc &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< uint8_t > (uint8_t *to, const Packet16uc &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< int16_t > (int16_t *to, const Packet4s &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< int16_t > (int16_t *to, const Packet8s &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< uint16_t > (uint16_t *to, const Packet4us &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< uint16_t > (uint16_t *to, const Packet8us &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< int32_t > (int32_t *to, const Packet2i &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< int32_t > (int32_t *to, const Packet4i &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< uint32_t > (uint32_t *to, const Packet2ui &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< uint32_t > (uint32_t *to, const Packet4ui &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< int64_t > (int64_t *to, const Packet2l &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< uint64_t > (uint64_t *to, const Packet2ul &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< float > (float *to, const Packet2f &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< float > (float *to, const Packet4f &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< int8_t > (int8_t *to, const Packet4c &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< int8_t > (int8_t *to, const Packet8c &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< int8_t > (int8_t *to, const Packet16c &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< uint8_t > (uint8_t *to, const Packet4uc &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< uint8_t > (uint8_t *to, const Packet8uc &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< uint8_t > (uint8_t *to, const Packet16uc &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< int16_t > (int16_t *to, const Packet4s &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< int16_t > (int16_t *to, const Packet8s &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< uint16_t > (uint16_t *to, const Packet4us &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< uint16_t > (uint16_t *to, const Packet8us &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< int32_t > (int32_t *to, const Packet2i &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< int32_t > (int32_t *to, const Packet4i &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< uint32_t > (uint32_t *to, const Packet2ui &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< uint32_t > (uint32_t *to, const Packet4ui &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< int64_t > (int64_t *to, const Packet2l &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< uint64_t > (uint64_t *to, const Packet2ul &from) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet2f | pgather< float, Packet2f > (const float *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet4f | pgather< float, Packet4f > (const float *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet4c | pgather< int8_t, Packet4c > (const int8_t *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet8c | pgather< int8_t, Packet8c > (const int8_t *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet16c | pgather< int8_t, Packet16c > (const int8_t *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet4uc | pgather< uint8_t, Packet4uc > (const uint8_t *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet8uc | pgather< uint8_t, Packet8uc > (const uint8_t *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet16uc | pgather< uint8_t, Packet16uc > (const uint8_t *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet4s | pgather< int16_t, Packet4s > (const int16_t *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet8s | pgather< int16_t, Packet8s > (const int16_t *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet4us | pgather< uint16_t, Packet4us > (const uint16_t *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet8us | pgather< uint16_t, Packet8us > (const uint16_t *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet2i | pgather< int32_t, Packet2i > (const int32_t *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet4i | pgather< int32_t, Packet4i > (const int32_t *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet2ui | pgather< uint32_t, Packet2ui > (const uint32_t *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet4ui | pgather< uint32_t, Packet4ui > (const uint32_t *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet2l | pgather< int64_t, Packet2l > (const int64_t *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet2ul | pgather< uint64_t, Packet2ul > (const uint64_t *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | pscatter< float, Packet2f > (float *to, const Packet2f &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | pscatter< float, Packet4f > (float *to, const Packet4f &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | pscatter< int8_t, Packet4c > (int8_t *to, const Packet4c &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | pscatter< int8_t, Packet8c > (int8_t *to, const Packet8c &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | pscatter< int8_t, Packet16c > (int8_t *to, const Packet16c &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | pscatter< uint8_t, Packet4uc > (uint8_t *to, const Packet4uc &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | pscatter< uint8_t, Packet8uc > (uint8_t *to, const Packet8uc &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | pscatter< uint8_t, Packet16uc > (uint8_t *to, const Packet16uc &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | pscatter< int16_t, Packet4s > (int16_t *to, const Packet4s &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | pscatter< int16_t, Packet8s > (int16_t *to, const Packet8s &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | pscatter< uint16_t, Packet4us > (uint16_t *to, const Packet4us &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | pscatter< uint16_t, Packet8us > (uint16_t *to, const Packet8us &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | pscatter< int32_t, Packet2i > (int32_t *to, const Packet2i &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | pscatter< int32_t, Packet4i > (int32_t *to, const Packet4i &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | pscatter< uint32_t, Packet2ui > (uint32_t *to, const Packet2ui &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | pscatter< uint32_t, Packet4ui > (uint32_t *to, const Packet4ui &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | pscatter< int64_t, Packet2l > (int64_t *to, const Packet2l &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | pscatter< uint64_t, Packet2ul > (uint64_t *to, const Packet2ul &from, Index stride) |
|
template<> |
EIGEN_STRONG_INLINE void | prefetch< float > (const float *addr) |
|
template<> |
EIGEN_STRONG_INLINE void | prefetch< int8_t > (const int8_t *addr) |
|
template<> |
EIGEN_STRONG_INLINE void | prefetch< uint8_t > (const uint8_t *addr) |
|
template<> |
EIGEN_STRONG_INLINE void | prefetch< int16_t > (const int16_t *addr) |
|
template<> |
EIGEN_STRONG_INLINE void | prefetch< uint16_t > (const uint16_t *addr) |
|
template<> |
EIGEN_STRONG_INLINE void | prefetch< int32_t > (const int32_t *addr) |
|
template<> |
EIGEN_STRONG_INLINE void | prefetch< uint32_t > (const uint32_t *addr) |
|
template<> |
EIGEN_STRONG_INLINE void | prefetch< int64_t > (const int64_t *addr) |
|
template<> |
EIGEN_STRONG_INLINE void | prefetch< uint64_t > (const uint64_t *addr) |
|
template<> |
EIGEN_STRONG_INLINE float | pfirst< Packet2f > (const Packet2f &a) |
|
template<> |
EIGEN_STRONG_INLINE float | pfirst< Packet4f > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE int8_t | pfirst< Packet4c > (const Packet4c &a) |
|
template<> |
EIGEN_STRONG_INLINE int8_t | pfirst< Packet8c > (const Packet8c &a) |
|
template<> |
EIGEN_STRONG_INLINE int8_t | pfirst< Packet16c > (const Packet16c &a) |
|
template<> |
EIGEN_STRONG_INLINE uint8_t | pfirst< Packet4uc > (const Packet4uc &a) |
|
template<> |
EIGEN_STRONG_INLINE uint8_t | pfirst< Packet8uc > (const Packet8uc &a) |
|
template<> |
EIGEN_STRONG_INLINE uint8_t | pfirst< Packet16uc > (const Packet16uc &a) |
|
template<> |
EIGEN_STRONG_INLINE int16_t | pfirst< Packet4s > (const Packet4s &a) |
|
template<> |
EIGEN_STRONG_INLINE int16_t | pfirst< Packet8s > (const Packet8s &a) |
|
template<> |
EIGEN_STRONG_INLINE uint16_t | pfirst< Packet4us > (const Packet4us &a) |
|
template<> |
EIGEN_STRONG_INLINE uint16_t | pfirst< Packet8us > (const Packet8us &a) |
|
template<> |
EIGEN_STRONG_INLINE int32_t | pfirst< Packet2i > (const Packet2i &a) |
|
template<> |
EIGEN_STRONG_INLINE int32_t | pfirst< Packet4i > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE uint32_t | pfirst< Packet2ui > (const Packet2ui &a) |
|
template<> |
EIGEN_STRONG_INLINE uint32_t | pfirst< Packet4ui > (const Packet4ui &a) |
|
template<> |
EIGEN_STRONG_INLINE int64_t | pfirst< Packet2l > (const Packet2l &a) |
|
template<> |
EIGEN_STRONG_INLINE uint64_t | pfirst< Packet2ul > (const Packet2ul &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | preverse (const Packet2f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | preverse (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | preverse (const Packet4c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | preverse (const Packet8c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | preverse (const Packet16c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | preverse (const Packet4uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | preverse (const Packet8uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | preverse (const Packet16uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | preverse (const Packet4s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | preverse (const Packet8s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | preverse (const Packet4us &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | preverse (const Packet8us &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | preverse (const Packet2i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | preverse (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | preverse (const Packet2ui &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | preverse (const Packet4ui &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | preverse (const Packet2l &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | preverse (const Packet2ul &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pabs (const Packet2f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pabs (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | pabs< Packet4c > (const Packet4c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pabs (const Packet8c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pabs (const Packet16c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | pabs (const Packet4uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pabs (const Packet8uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pabs (const Packet16uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pabs (const Packet4s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pabs (const Packet8s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pabs (const Packet4us &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pabs (const Packet8us &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pabs (const Packet2i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pabs (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pabs (const Packet2ui &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pabs (const Packet4ui &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pabs (const Packet2l &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pabs (const Packet2ul &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pfrexp< Packet2f > (const Packet2f &a, Packet2f &exponent) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pfrexp< Packet4f > (const Packet4f &a, Packet4f &exponent) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pldexp< Packet2f > (const Packet2f &a, const Packet2f &exponent) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pldexp< Packet4f > (const Packet4f &a, const Packet4f &exponent) |
|
template<> |
EIGEN_STRONG_INLINE float | predux< Packet2f > (const Packet2f &a) |
|
template<> |
EIGEN_STRONG_INLINE float | predux< Packet4f > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE int8_t | predux< Packet4c > (const Packet4c &a) |
|
template<> |
EIGEN_STRONG_INLINE int8_t | predux< Packet8c > (const Packet8c &a) |
|
template<> |
EIGEN_STRONG_INLINE int8_t | predux< Packet16c > (const Packet16c &a) |
|
template<> |
EIGEN_STRONG_INLINE uint8_t | predux< Packet4uc > (const Packet4uc &a) |
|
template<> |
EIGEN_STRONG_INLINE uint8_t | predux< Packet8uc > (const Packet8uc &a) |
|
template<> |
EIGEN_STRONG_INLINE uint8_t | predux< Packet16uc > (const Packet16uc &a) |
|
template<> |
EIGEN_STRONG_INLINE int16_t | predux< Packet4s > (const Packet4s &a) |
|
template<> |
EIGEN_STRONG_INLINE int16_t | predux< Packet8s > (const Packet8s &a) |
|
template<> |
EIGEN_STRONG_INLINE uint16_t | predux< Packet4us > (const Packet4us &a) |
|
template<> |
EIGEN_STRONG_INLINE uint16_t | predux< Packet8us > (const Packet8us &a) |
|
template<> |
EIGEN_STRONG_INLINE int32_t | predux< Packet2i > (const Packet2i &a) |
|
template<> |
EIGEN_STRONG_INLINE int32_t | predux< Packet4i > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE uint32_t | predux< Packet2ui > (const Packet2ui &a) |
|
template<> |
EIGEN_STRONG_INLINE uint32_t | predux< Packet4ui > (const Packet4ui &a) |
|
template<> |
EIGEN_STRONG_INLINE int64_t | predux< Packet2l > (const Packet2l &a) |
|
template<> |
EIGEN_STRONG_INLINE uint64_t | predux< Packet2ul > (const Packet2ul &a) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet4c | predux_half_dowto4 (const Packet8c &a) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet8c | predux_half_dowto4 (const Packet16c &a) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet4uc | predux_half_dowto4 (const Packet8uc &a) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet8uc | predux_half_dowto4 (const Packet16uc &a) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet4s | predux_half_dowto4 (const Packet8s &a) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet4us | predux_half_dowto4 (const Packet8us &a) |
|
template<> |
EIGEN_STRONG_INLINE float | predux_mul< Packet2f > (const Packet2f &a) |
|
template<> |
EIGEN_STRONG_INLINE float | predux_mul< Packet4f > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE int8_t | predux_mul< Packet4c > (const Packet4c &a) |
|
template<> |
EIGEN_STRONG_INLINE int8_t | predux_mul< Packet8c > (const Packet8c &a) |
|
template<> |
EIGEN_STRONG_INLINE int8_t | predux_mul< Packet16c > (const Packet16c &a) |
|
template<> |
EIGEN_STRONG_INLINE uint8_t | predux_mul< Packet4uc > (const Packet4uc &a) |
|
template<> |
EIGEN_STRONG_INLINE uint8_t | predux_mul< Packet8uc > (const Packet8uc &a) |
|
template<> |
EIGEN_STRONG_INLINE uint8_t | predux_mul< Packet16uc > (const Packet16uc &a) |
|
template<> |
EIGEN_STRONG_INLINE int16_t | predux_mul< Packet4s > (const Packet4s &a) |
|
template<> |
EIGEN_STRONG_INLINE int16_t | predux_mul< Packet8s > (const Packet8s &a) |
|
template<> |
EIGEN_STRONG_INLINE uint16_t | predux_mul< Packet4us > (const Packet4us &a) |
|
template<> |
EIGEN_STRONG_INLINE uint16_t | predux_mul< Packet8us > (const Packet8us &a) |
|
template<> |
EIGEN_STRONG_INLINE int32_t | predux_mul< Packet2i > (const Packet2i &a) |
|
template<> |
EIGEN_STRONG_INLINE int32_t | predux_mul< Packet4i > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE uint32_t | predux_mul< Packet2ui > (const Packet2ui &a) |
|
template<> |
EIGEN_STRONG_INLINE uint32_t | predux_mul< Packet4ui > (const Packet4ui &a) |
|
template<> |
EIGEN_STRONG_INLINE int64_t | predux_mul< Packet2l > (const Packet2l &a) |
|
template<> |
EIGEN_STRONG_INLINE uint64_t | predux_mul< Packet2ul > (const Packet2ul &a) |
|
template<> |
EIGEN_STRONG_INLINE float | predux_min< Packet2f > (const Packet2f &a) |
|
template<> |
EIGEN_STRONG_INLINE float | predux_min< Packet4f > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE int8_t | predux_min< Packet4c > (const Packet4c &a) |
|
template<> |
EIGEN_STRONG_INLINE int8_t | predux_min< Packet8c > (const Packet8c &a) |
|
template<> |
EIGEN_STRONG_INLINE int8_t | predux_min< Packet16c > (const Packet16c &a) |
|
template<> |
EIGEN_STRONG_INLINE uint8_t | predux_min< Packet4uc > (const Packet4uc &a) |
|
template<> |
EIGEN_STRONG_INLINE uint8_t | predux_min< Packet8uc > (const Packet8uc &a) |
|
template<> |
EIGEN_STRONG_INLINE uint8_t | predux_min< Packet16uc > (const Packet16uc &a) |
|
template<> |
EIGEN_STRONG_INLINE int16_t | predux_min< Packet4s > (const Packet4s &a) |
|
template<> |
EIGEN_STRONG_INLINE int16_t | predux_min< Packet8s > (const Packet8s &a) |
|
template<> |
EIGEN_STRONG_INLINE uint16_t | predux_min< Packet4us > (const Packet4us &a) |
|
template<> |
EIGEN_STRONG_INLINE uint16_t | predux_min< Packet8us > (const Packet8us &a) |
|
template<> |
EIGEN_STRONG_INLINE int32_t | predux_min< Packet2i > (const Packet2i &a) |
|
template<> |
EIGEN_STRONG_INLINE int32_t | predux_min< Packet4i > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE uint32_t | predux_min< Packet2ui > (const Packet2ui &a) |
|
template<> |
EIGEN_STRONG_INLINE uint32_t | predux_min< Packet4ui > (const Packet4ui &a) |
|
template<> |
EIGEN_STRONG_INLINE int64_t | predux_min< Packet2l > (const Packet2l &a) |
|
template<> |
EIGEN_STRONG_INLINE uint64_t | predux_min< Packet2ul > (const Packet2ul &a) |
|
template<> |
EIGEN_STRONG_INLINE float | predux_max< Packet2f > (const Packet2f &a) |
|
template<> |
EIGEN_STRONG_INLINE float | predux_max< Packet4f > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE int8_t | predux_max< Packet4c > (const Packet4c &a) |
|
template<> |
EIGEN_STRONG_INLINE int8_t | predux_max< Packet8c > (const Packet8c &a) |
|
template<> |
EIGEN_STRONG_INLINE int8_t | predux_max< Packet16c > (const Packet16c &a) |
|
template<> |
EIGEN_STRONG_INLINE uint8_t | predux_max< Packet4uc > (const Packet4uc &a) |
|
template<> |
EIGEN_STRONG_INLINE uint8_t | predux_max< Packet8uc > (const Packet8uc &a) |
|
template<> |
EIGEN_STRONG_INLINE uint8_t | predux_max< Packet16uc > (const Packet16uc &a) |
|
template<> |
EIGEN_STRONG_INLINE int16_t | predux_max< Packet4s > (const Packet4s &a) |
|
template<> |
EIGEN_STRONG_INLINE int16_t | predux_max< Packet8s > (const Packet8s &a) |
|
template<> |
EIGEN_STRONG_INLINE uint16_t | predux_max< Packet4us > (const Packet4us &a) |
|
template<> |
EIGEN_STRONG_INLINE uint16_t | predux_max< Packet8us > (const Packet8us &a) |
|
template<> |
EIGEN_STRONG_INLINE int32_t | predux_max< Packet2i > (const Packet2i &a) |
|
template<> |
EIGEN_STRONG_INLINE int32_t | predux_max< Packet4i > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE uint32_t | predux_max< Packet2ui > (const Packet2ui &a) |
|
template<> |
EIGEN_STRONG_INLINE uint32_t | predux_max< Packet4ui > (const Packet4ui &a) |
|
template<> |
EIGEN_STRONG_INLINE int64_t | predux_max< Packet2l > (const Packet2l &a) |
|
template<> |
EIGEN_STRONG_INLINE uint64_t | predux_max< Packet2ul > (const Packet2ul &a) |
|
template<> |
EIGEN_STRONG_INLINE bool | predux_any (const Packet4f &x) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet2f, 2 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet4c, 4 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet8c, 8 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet8c, 4 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet16c, 16 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet16c, 8 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet16c, 4 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet4uc, 4 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet8uc, 8 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet8uc, 4 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet16uc, 16 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet16uc, 8 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet16uc, 4 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet4s, 4 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet8s, 8 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet8s, 4 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet4us, 4 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet8us, 8 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet8us, 4 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet2i, 2 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet2ui, 2 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet4ui, 4 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet2l, 2 > &kernel) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet2ul, 2 > &kernel) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet2f | pselect (const Packet2f &mask, const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet4f | pselect (const Packet4f &mask, const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet8c | pselect (const Packet8c &mask, const Packet8c &a, const Packet8c &b) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet16c | pselect (const Packet16c &mask, const Packet16c &a, const Packet16c &b) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet8uc | pselect (const Packet8uc &mask, const Packet8uc &a, const Packet8uc &b) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet16uc | pselect (const Packet16uc &mask, const Packet16uc &a, const Packet16uc &b) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet4s | pselect (const Packet4s &mask, const Packet4s &a, const Packet4s &b) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet8s | pselect (const Packet8s &mask, const Packet8s &a, const Packet8s &b) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet4us | pselect (const Packet4us &mask, const Packet4us &a, const Packet4us &b) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet8us | pselect (const Packet8us &mask, const Packet8us &a, const Packet8us &b) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet2i | pselect (const Packet2i &mask, const Packet2i &a, const Packet2i &b) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet4i | pselect (const Packet4i &mask, const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet2ui | pselect (const Packet2ui &mask, const Packet2ui &a, const Packet2ui &b) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet4ui | pselect (const Packet4ui &mask, const Packet4ui &a, const Packet4ui &b) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet2l | pselect (const Packet2l &mask, const Packet2l &a, const Packet2l &b) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet2ul | pselect (const Packet2ul &mask, const Packet2ul &a, const Packet2ul &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | print (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | print (const Packet2f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pfloor< Packet4f > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pfloor< Packet2f > (const Packet2f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pceil< Packet4f > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pceil< Packet2f > (const Packet2f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | psqrt (const Packet4uc &a) |
| Computes the integer square root. More...
|
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | psqrt (const Packet8uc &a) |
| Computes the integer square root. More...
|
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | psqrt (const Packet16uc &a) |
| Computes the integer square root. More...
|
|
template<> |
EIGEN_STRONG_INLINE Packet4us | psqrt (const Packet4us &a) |
| Computes the integer square root. More...
|
|
template<> |
EIGEN_STRONG_INLINE Packet8us | psqrt (const Packet8us &a) |
| Computes the integer square root. More...
|
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | psqrt (const Packet2ui &a) |
| Computes the integer square root. More...
|
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | psqrt (const Packet4ui &a) |
| Computes the integer square root. More...
|
|
template<> |
EIGEN_STRONG_INLINE Packet4f | prsqrt (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | prsqrt (const Packet2f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | psqrt (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | psqrt (const Packet2f &a) |
|
EIGEN_STRONG_INLINE Packet4bf | F32ToBf16 (const Packet4f &p) |
|
EIGEN_STRONG_INLINE Packet4f | Bf16ToF32 (const Packet4bf &p) |
|
EIGEN_STRONG_INLINE Packet4bf | F32MaskToBf16Mask (const Packet4f &p) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pset1< Packet4bf > (const bfloat16 &from) |
|
template<> |
EIGEN_STRONG_INLINE bfloat16 | pfirst< Packet4bf > (const Packet4bf &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pload< Packet4bf > (const bfloat16 *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | ploadu< Packet4bf > (const bfloat16 *from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< bfloat16 > (bfloat16 *to, const Packet4bf &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< bfloat16 > (bfloat16 *to, const Packet4bf &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | ploaddup< Packet4bf > (const bfloat16 *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pabs (const Packet4bf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pmin< PropagateNumbers, Packet4bf > (const Packet4bf &a, const Packet4bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pmin< PropagateNaN, Packet4bf > (const Packet4bf &a, const Packet4bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pmin< Packet4bf > (const Packet4bf &a, const Packet4bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pmax< PropagateNumbers, Packet4bf > (const Packet4bf &a, const Packet4bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pmax< PropagateNaN, Packet4bf > (const Packet4bf &a, const Packet4bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pmax< Packet4bf > (const Packet4bf &a, const Packet4bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | plset< Packet4bf > (const bfloat16 &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | por (const Packet4bf &a, const Packet4bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pxor (const Packet4bf &a, const Packet4bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pand (const Packet4bf &a, const Packet4bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pandnot (const Packet4bf &a, const Packet4bf &b) |
|
template<> |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet4bf | pselect (const Packet4bf &mask, const Packet4bf &a, const Packet4bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | print< Packet4bf > (const Packet4bf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pfloor< Packet4bf > (const Packet4bf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pceil< Packet4bf > (const Packet4bf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pconj (const Packet4bf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | padd< Packet4bf > (const Packet4bf &a, const Packet4bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | psub< Packet4bf > (const Packet4bf &a, const Packet4bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pmul< Packet4bf > (const Packet4bf &a, const Packet4bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pdiv< Packet4bf > (const Packet4bf &a, const Packet4bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pgather< bfloat16, Packet4bf > (const bfloat16 *from, Index stride) |
|
template<> |
EIGEN_STRONG_INLINE void | pscatter< bfloat16, Packet4bf > (bfloat16 *to, const Packet4bf &from, Index stride) |
|
template<> |
EIGEN_STRONG_INLINE bfloat16 | predux< Packet4bf > (const Packet4bf &a) |
|
template<> |
EIGEN_STRONG_INLINE bfloat16 | predux_max< Packet4bf > (const Packet4bf &a) |
|
template<> |
EIGEN_STRONG_INLINE bfloat16 | predux_min< Packet4bf > (const Packet4bf &a) |
|
template<> |
EIGEN_STRONG_INLINE bfloat16 | predux_mul< Packet4bf > (const Packet4bf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | preverse< Packet4bf > (const Packet4bf &a) |
|
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ptranspose (PacketBlock< Packet4bf, 4 > &kernel) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pabsdiff< Packet4bf > (const Packet4bf &a, const Packet4bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pcmp_eq< Packet4bf > (const Packet4bf &a, const Packet4bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pcmp_lt< Packet4bf > (const Packet4bf &a, const Packet4bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pcmp_lt_or_nan< Packet4bf > (const Packet4bf &a, const Packet4bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pcmp_le< Packet4bf > (const Packet4bf &a, const Packet4bf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pnegate< Packet4bf > (const Packet4bf &a) |
|
uint32x4_t | p4ui_CONJ_XOR () |
|
uint32x2_t | p2ui_CONJ_XOR () |
|
template<> |
EIGEN_STRONG_INLINE Packet1cf | pcast< float, Packet1cf > (const float &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pcast< Packet2f, Packet2cf > (const Packet2f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cf | pset1< Packet1cf > (const std::complex< float > &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pset1< Packet2cf > (const std::complex< float > &from) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cf | padd< Packet1cf > (const Packet1cf &a, const Packet1cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | padd< Packet2cf > (const Packet2cf &a, const Packet2cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cf | psub< Packet1cf > (const Packet1cf &a, const Packet1cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | psub< Packet2cf > (const Packet2cf &a, const Packet2cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cf | pnegate (const Packet1cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pnegate (const Packet2cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cf | pconj (const Packet1cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pconj (const Packet2cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cf | pmul< Packet1cf > (const Packet1cf &a, const Packet1cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pmul< Packet2cf > (const Packet2cf &a, const Packet2cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cf | pcmp_eq (const Packet1cf &a, const Packet1cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pcmp_eq (const Packet2cf &a, const Packet2cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cf | pand< Packet1cf > (const Packet1cf &a, const Packet1cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pand< Packet2cf > (const Packet2cf &a, const Packet2cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cf | por< Packet1cf > (const Packet1cf &a, const Packet1cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | por< Packet2cf > (const Packet2cf &a, const Packet2cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cf | pxor< Packet1cf > (const Packet1cf &a, const Packet1cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pxor< Packet2cf > (const Packet2cf &a, const Packet2cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cf | pandnot< Packet1cf > (const Packet1cf &a, const Packet1cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pandnot< Packet2cf > (const Packet2cf &a, const Packet2cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cf | pload< Packet1cf > (const std::complex< float > *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pload< Packet2cf > (const std::complex< float > *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cf | ploadu< Packet1cf > (const std::complex< float > *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | ploadu< Packet2cf > (const std::complex< float > *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cf | ploaddup< Packet1cf > (const std::complex< float > *from) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | ploaddup< Packet2cf > (const std::complex< float > *from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< std::complex< float > > (std::complex< float > *to, const Packet1cf &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstore< std::complex< float > > (std::complex< float > *to, const Packet2cf &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< std::complex< float > > (std::complex< float > *to, const Packet1cf &from) |
|
template<> |
EIGEN_STRONG_INLINE void | pstoreu< std::complex< float > > (std::complex< float > *to, const Packet2cf &from) |
|
template<> |
EIGEN_DEVICE_FUNC Packet1cf | pgather< std::complex< float >, Packet1cf > (const std::complex< float > *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC Packet2cf | pgather< std::complex< float >, Packet2cf > (const std::complex< float > *from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC void | pscatter< std::complex< float >, Packet1cf > (std::complex< float > *to, const Packet1cf &from, Index stride) |
|
template<> |
EIGEN_DEVICE_FUNC void | pscatter< std::complex< float >, Packet2cf > (std::complex< float > *to, const Packet2cf &from, Index stride) |
|
template<> |
EIGEN_STRONG_INLINE void | prefetch< std::complex< float > > (const std::complex< float > *addr) |
|
template<> |
EIGEN_STRONG_INLINE std::complex< float > | pfirst< Packet1cf > (const Packet1cf &a) |
|
template<> |
EIGEN_STRONG_INLINE std::complex< float > | pfirst< Packet2cf > (const Packet2cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cf | preverse (const Packet1cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | preverse (const Packet2cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cf | pcplxflip< Packet1cf > (const Packet1cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pcplxflip< Packet2cf > (const Packet2cf &a) |
|
template<> |
EIGEN_STRONG_INLINE std::complex< float > | predux< Packet1cf > (const Packet1cf &a) |
|
template<> |
EIGEN_STRONG_INLINE std::complex< float > | predux< Packet2cf > (const Packet2cf &a) |
|
template<> |
EIGEN_STRONG_INLINE std::complex< float > | predux_mul< Packet1cf > (const Packet1cf &a) |
|
template<> |
EIGEN_STRONG_INLINE std::complex< float > | predux_mul< Packet2cf > (const Packet2cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cf | pdiv< Packet1cf > (const Packet1cf &a, const Packet1cf &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | pdiv< Packet2cf > (const Packet2cf &a, const Packet2cf &b) |
|
EIGEN_DEVICE_FUNC void | ptranspose (PacketBlock< Packet1cf, 1 > &) |
|
template<> |
EIGEN_STRONG_INLINE Packet1cf | psqrt< Packet1cf > (const Packet1cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2cf | psqrt< Packet2cf > (const Packet2cf &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pcast< Packet4f, Packet4f > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pcast< Packet2f, Packet2f > (const Packet2f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pcast< Packet4f, Packet2l > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pcast< Packet4f, Packet2ul > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pcast< Packet4f, Packet4i > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pcast< Packet2f, Packet2i > (const Packet2f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pcast< Packet4f, Packet4ui > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pcast< Packet2f, Packet2ui > (const Packet2f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pcast< Packet4f, Packet8s > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pcast< Packet2f, Packet4s > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pcast< Packet4f, Packet8us > (const Packet4f &a, const Packet4f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pcast< Packet2f, Packet4us > (const Packet2f &a, const Packet2f &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pcast< Packet4f, Packet16c > (const Packet4f &a, const Packet4f &b, const Packet4f &c, const Packet4f &d) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pcast< Packet2f, Packet8c > (const Packet2f &a, const Packet2f &b, const Packet2f &c, const Packet2f &d) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pcast< Packet4f, Packet16uc > (const Packet4f &a, const Packet4f &b, const Packet4f &c, const Packet4f &d) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pcast< Packet2f, Packet8uc > (const Packet2f &a, const Packet2f &b, const Packet2f &c, const Packet2f &d) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pcast< Packet16c, Packet4f > (const Packet16c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pcast< Packet8c, Packet2f > (const Packet8c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pcast< Packet16c, Packet2l > (const Packet16c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pcast< Packet16c, Packet2ul > (const Packet16c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pcast< Packet16c, Packet4i > (const Packet16c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pcast< Packet8c, Packet2i > (const Packet8c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pcast< Packet16c, Packet4ui > (const Packet16c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pcast< Packet8c, Packet2ui > (const Packet8c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pcast< Packet16c, Packet8s > (const Packet16c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pcast< Packet8c, Packet4s > (const Packet8c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pcast< Packet16c, Packet8us > (const Packet16c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pcast< Packet8c, Packet4us > (const Packet8c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pcast< Packet16c, Packet16c > (const Packet16c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pcast< Packet8c, Packet8c > (const Packet8c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | pcast< Packet4c, Packet4c > (const Packet4c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pcast< Packet16c, Packet16uc > (const Packet16c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pcast< Packet8c, Packet8uc > (const Packet8c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | pcast< Packet4c, Packet4uc > (const Packet4c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pcast< Packet16uc, Packet4f > (const Packet16uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pcast< Packet8uc, Packet2f > (const Packet8uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pcast< Packet16uc, Packet2ul > (const Packet16uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pcast< Packet16uc, Packet2l > (const Packet16uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pcast< Packet16uc, Packet4ui > (const Packet16uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pcast< Packet8uc, Packet2ui > (const Packet8uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pcast< Packet16uc, Packet4i > (const Packet16uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pcast< Packet8uc, Packet2i > (const Packet8uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pcast< Packet16uc, Packet8us > (const Packet16uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pcast< Packet8uc, Packet4us > (const Packet8uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pcast< Packet16uc, Packet8s > (const Packet16uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pcast< Packet8uc, Packet4s > (const Packet8uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pcast< Packet16uc, Packet16uc > (const Packet16uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pcast< Packet8uc, Packet8uc > (const Packet8uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | pcast< Packet4uc, Packet4uc > (const Packet4uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pcast< Packet16uc, Packet16c > (const Packet16uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pcast< Packet8uc, Packet8c > (const Packet8uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | pcast< Packet4uc, Packet4c > (const Packet4uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pcast< Packet8s, Packet4f > (const Packet8s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pcast< Packet4s, Packet2f > (const Packet4s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pcast< Packet8s, Packet2l > (const Packet8s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pcast< Packet8s, Packet2ul > (const Packet8s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pcast< Packet8s, Packet4i > (const Packet8s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pcast< Packet4s, Packet2i > (const Packet4s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pcast< Packet8s, Packet4ui > (const Packet8s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pcast< Packet4s, Packet2ui > (const Packet4s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pcast< Packet8s, Packet8s > (const Packet8s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pcast< Packet4s, Packet4s > (const Packet4s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pcast< Packet8s, Packet8us > (const Packet8s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pcast< Packet4s, Packet4us > (const Packet4s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pcast< Packet8s, Packet16c > (const Packet8s &a, const Packet8s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pcast< Packet4s, Packet8c > (const Packet4s &a, const Packet4s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pcast< Packet8s, Packet16uc > (const Packet8s &a, const Packet8s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pcast< Packet4s, Packet8uc > (const Packet4s &a, const Packet4s &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pcast< Packet8us, Packet4f > (const Packet8us &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pcast< Packet4us, Packet2f > (const Packet4us &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pcast< Packet8us, Packet2ul > (const Packet8us &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pcast< Packet8us, Packet2l > (const Packet8us &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pcast< Packet8us, Packet4ui > (const Packet8us &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pcast< Packet4us, Packet2ui > (const Packet4us &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pcast< Packet8us, Packet4i > (const Packet8us &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pcast< Packet4us, Packet2i > (const Packet4us &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pcast< Packet8us, Packet8us > (const Packet8us &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pcast< Packet4us, Packet4us > (const Packet4us &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pcast< Packet8us, Packet8s > (const Packet8us &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pcast< Packet4us, Packet4s > (const Packet4us &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pcast< Packet8us, Packet16uc > (const Packet8us &a, const Packet8us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pcast< Packet4us, Packet8uc > (const Packet4us &a, const Packet4us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pcast< Packet8us, Packet16c > (const Packet8us &a, const Packet8us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pcast< Packet4us, Packet8c > (const Packet4us &a, const Packet4us &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pcast< Packet4i, Packet4f > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pcast< Packet2i, Packet2f > (const Packet2i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pcast< Packet4i, Packet2l > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pcast< Packet4i, Packet2ul > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pcast< Packet4i, Packet4i > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pcast< Packet2i, Packet2i > (const Packet2i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pcast< Packet4i, Packet4ui > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pcast< Packet2i, Packet2ui > (const Packet2i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pcast< Packet4i, Packet8s > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pcast< Packet2i, Packet4s > (const Packet2i &a, const Packet2i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pcast< Packet4i, Packet8us > (const Packet4i &a, const Packet4i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pcast< Packet2i, Packet4us > (const Packet2i &a, const Packet2i &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pcast< Packet4i, Packet16c > (const Packet4i &a, const Packet4i &b, const Packet4i &c, const Packet4i &d) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pcast< Packet2i, Packet8c > (const Packet2i &a, const Packet2i &b, const Packet2i &c, const Packet2i &d) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pcast< Packet4i, Packet16uc > (const Packet4i &a, const Packet4i &b, const Packet4i &c, const Packet4i &d) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pcast< Packet2i, Packet8uc > (const Packet2i &a, const Packet2i &b, const Packet2i &c, const Packet2i &d) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pcast< Packet4ui, Packet4f > (const Packet4ui &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | pcast< Packet2ui, Packet2f > (const Packet2ui &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pcast< Packet4ui, Packet2ul > (const Packet4ui &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pcast< Packet4ui, Packet2l > (const Packet4ui &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pcast< Packet4ui, Packet4ui > (const Packet4ui &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | pcast< Packet2ui, Packet2ui > (const Packet2ui &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pcast< Packet4ui, Packet4i > (const Packet4ui &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | pcast< Packet2ui, Packet2i > (const Packet2ui &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pcast< Packet4ui, Packet8us > (const Packet4ui &a, const Packet4ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | pcast< Packet2ui, Packet4us > (const Packet2ui &a, const Packet2ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pcast< Packet4ui, Packet8s > (const Packet4ui &a, const Packet4ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | pcast< Packet2ui, Packet4s > (const Packet2ui &a, const Packet2ui &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pcast< Packet4ui, Packet16uc > (const Packet4ui &a, const Packet4ui &b, const Packet4ui &c, const Packet4ui &d) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | pcast< Packet2ui, Packet8uc > (const Packet2ui &a, const Packet2ui &b, const Packet2ui &c, const Packet2ui &d) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pcast< Packet4ui, Packet16c > (const Packet4ui &a, const Packet4ui &b, const Packet4ui &c, const Packet4ui &d) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | pcast< Packet2ui, Packet8c > (const Packet2ui &a, const Packet2ui &b, const Packet2ui &c, const Packet2ui &d) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pcast< Packet2l, Packet4f > (const Packet2l &a, const Packet2l &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pcast< Packet2l, Packet2l > (const Packet2l &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pcast< Packet2l, Packet2ul > (const Packet2l &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pcast< Packet2l, Packet4i > (const Packet2l &a, const Packet2l &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pcast< Packet2l, Packet4ui > (const Packet2l &a, const Packet2l &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pcast< Packet2l, Packet8s > (const Packet2l &a, const Packet2l &b, const Packet2l &c, const Packet2l &d) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pcast< Packet2l, Packet8us > (const Packet2l &a, const Packet2l &b, const Packet2l &c, const Packet2l &d) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pcast< Packet2l, Packet16c > (const Packet2l &a, const Packet2l &b, const Packet2l &c, const Packet2l &d, const Packet2l &e, const Packet2l &f, const Packet2l &g, const Packet2l &h) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pcast< Packet2l, Packet16uc > (const Packet2l &a, const Packet2l &b, const Packet2l &c, const Packet2l &d, const Packet2l &e, const Packet2l &f, const Packet2l &g, const Packet2l &h) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | pcast< Packet2ul, Packet4f > (const Packet2ul &a, const Packet2ul &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | pcast< Packet2ul, Packet2ul > (const Packet2ul &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | pcast< Packet2ul, Packet2l > (const Packet2ul &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | pcast< Packet2ul, Packet4ui > (const Packet2ul &a, const Packet2ul &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | pcast< Packet2ul, Packet4i > (const Packet2ul &a, const Packet2ul &b) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | pcast< Packet2ul, Packet8us > (const Packet2ul &a, const Packet2ul &b, const Packet2ul &c, const Packet2ul &d) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | pcast< Packet2ul, Packet8s > (const Packet2ul &a, const Packet2ul &b, const Packet2ul &c, const Packet2ul &d) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | pcast< Packet2ul, Packet16uc > (const Packet2ul &a, const Packet2ul &b, const Packet2ul &c, const Packet2ul &d, const Packet2ul &e, const Packet2ul &f, const Packet2ul &g, const Packet2ul &h) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | pcast< Packet2ul, Packet16c > (const Packet2ul &a, const Packet2ul &b, const Packet2ul &c, const Packet2ul &d, const Packet2ul &e, const Packet2ul &f, const Packet2ul &g, const Packet2ul &h) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | preinterpret< Packet2f, Packet2i > (const Packet2i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2f | preinterpret< Packet2f, Packet2ui > (const Packet2ui &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | preinterpret< Packet4f, Packet4i > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4f | preinterpret< Packet4f, Packet4ui > (const Packet4ui &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4c | preinterpret< Packet4c, Packet4uc > (const Packet4uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8c | preinterpret< Packet8c, Packet8uc > (const Packet8uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet16c | preinterpret< Packet16c, Packet16uc > (const Packet16uc &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4uc | preinterpret< Packet4uc, Packet4c > (const Packet4c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8uc | preinterpret< Packet8uc, Packet8c > (const Packet8c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet16uc | preinterpret< Packet16uc, Packet16c > (const Packet16c &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4s | preinterpret< Packet4s, Packet4us > (const Packet4us &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8s | preinterpret< Packet8s, Packet8us > (const Packet8us &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4us | preinterpret< Packet4us, Packet4s > (const Packet4s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet8us | preinterpret< Packet8us, Packet8s > (const Packet8s &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | preinterpret< Packet2i, Packet2f > (const Packet2f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2i | preinterpret< Packet2i, Packet2ui > (const Packet2ui &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | preinterpret< Packet4i, Packet4f > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4i | preinterpret< Packet4i, Packet4ui > (const Packet4ui &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | preinterpret< Packet2ui, Packet2f > (const Packet2f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ui | preinterpret< Packet2ui, Packet2i > (const Packet2i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | preinterpret< Packet4ui, Packet4f > (const Packet4f &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet4ui | preinterpret< Packet4ui, Packet4i > (const Packet4i &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2l | preinterpret< Packet2l, Packet2ul > (const Packet2ul &a) |
|
template<> |
EIGEN_STRONG_INLINE Packet2ul | preinterpret< Packet2ul, Packet2l > (const Packet2l &a) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet2f | pexp< Packet2f > (const Packet2f &x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4f | pexp< Packet4f > (const Packet4f &x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet2f | plog< Packet2f > (const Packet2f &x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4f | plog< Packet4f > (const Packet4f &x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet2f | psin< Packet2f > (const Packet2f &x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4f | psin< Packet4f > (const Packet4f &x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet2f | pcos< Packet2f > (const Packet2f &x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4f | pcos< Packet4f > (const Packet4f &x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet2f | ptanh< Packet2f > (const Packet2f &x) |
|
template<> |
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4f | ptanh< Packet4f > (const Packet4f &x) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pfrexp (const Packet4bf &a, Packet4bf &exponent) |
|
template<> |
EIGEN_STRONG_INLINE Packet4bf | pldexp (const Packet4bf &a, const Packet4bf &exponent) |
|
static void | check_DenseIndex_is_signed () |
|
template<typename T > |
T | generic_fast_tanh_float (const T &a_x) |
|
template<typename RealScalar > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE RealScalar | positive_real_hypot (const RealScalar &x, const RealScalar &y) |
|
template<typename T > |
EIGEN_DEVICE_FUNC std::complex< T > | complex_sqrt (const std::complex< T > &z) |
|
template<typename T > |
EIGEN_DEVICE_FUNC std::complex< T > | complex_rsqrt (const std::complex< T > &z) |
|
template<typename T > |
EIGEN_DEVICE_FUNC std::complex< T > | complex_log (const std::complex< T > &z) |
|
template<typename FirstType , typename SizeType , typename IncrType > |
ArithmeticSequence< Index, typename make_size_type< SizeType >::type, IncrType > | makeIndexedViewCompatible (const ArithmeticSequence< FirstType, SizeType, IncrType > &ids, Index size, SpecializedType) |
|
template<typename ExpressionType , typename Scalar > |
void | stable_norm_kernel (const ExpressionType &bl, Scalar &ssq, Scalar &scale, Scalar &invScale) |
|
template<typename VectorType , typename RealScalar > |
void | stable_norm_impl_inner_step (const VectorType &vec, RealScalar &ssq, RealScalar &scale, RealScalar &invScale) |
|
template<typename VectorType > |
VectorType::RealScalar | stable_norm_impl (const VectorType &vec, typename enable_if< VectorType::IsVectorAtCompileTime >::type *=0) |
|
template<typename MatrixType > |
MatrixType::RealScalar | stable_norm_impl (const MatrixType &mat, typename enable_if<!MatrixType::IsVectorAtCompileTime >::type *=0) |
|
template<typename Derived > |
NumTraits< typenametraits< Derived >::Scalar >::Real | blueNorm_impl (const EigenBase< Derived > &_vec) |
|
template<typename T , int Size> |
EIGEN_DEVICE_FUNC void | check_static_allocation_size () |
|
template<int Mode, bool SetOpposite, typename DstXprType , typename SrcXprType , typename Functor > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | call_triangular_assignment_loop (DstXprType &dst, const SrcXprType &src, const Functor &func) |
|
template<int Mode, bool SetOpposite, typename DstXprType , typename SrcXprType > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | call_triangular_assignment_loop (DstXprType &dst, const SrcXprType &src) |
|
template<typename Decomposition > |
Decomposition::RealScalar | rcond_invmatrix_L1_norm_estimate (const Decomposition &dec) |
|
template<typename Decomposition > |
Decomposition::RealScalar | rcond_estimate_helper (typename Decomposition::RealScalar matrix_norm, const Decomposition &dec) |
| Reciprocal condition number estimator. More...
|
|
template<typename SrcPacket , typename TgtPacket > |
EIGEN_DEVICE_FUNC TgtPacket | pcast (const SrcPacket &a) |
|
template<typename SrcPacket , typename TgtPacket > |
EIGEN_DEVICE_FUNC TgtPacket | pcast (const SrcPacket &a, const SrcPacket &) |
|
template<typename SrcPacket , typename TgtPacket > |
EIGEN_DEVICE_FUNC TgtPacket | pcast (const SrcPacket &a, const SrcPacket &, const SrcPacket &, const SrcPacket &) |
|
template<typename SrcPacket , typename TgtPacket > |
EIGEN_DEVICE_FUNC TgtPacket | pcast (const SrcPacket &a, const SrcPacket &, const SrcPacket &, const SrcPacket &, const SrcPacket &, const SrcPacket &, const SrcPacket &, const SrcPacket &) |
|
template<typename Target , typename Packet > |
EIGEN_DEVICE_FUNC Target | preinterpret (const Packet &a) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | padd (const Packet &a, const Packet &b) |
|
template<> |
EIGEN_DEVICE_FUNC bool | padd (const bool &a, const bool &b) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | psub (const Packet &a, const Packet &b) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pnegate (const Packet &a) |
|
template<> |
EIGEN_DEVICE_FUNC bool | pnegate (const bool &a) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pconj (const Packet &a) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pmul (const Packet &a, const Packet &b) |
|
template<> |
EIGEN_DEVICE_FUNC bool | pmul (const bool &a, const bool &b) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pdiv (const Packet &a, const Packet &b) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | ptrue (const Packet &a) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pzero (const Packet &a) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pcmp_le (const Packet &a, const Packet &b) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pcmp_lt (const Packet &a, const Packet &b) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pcmp_eq (const Packet &a, const Packet &b) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pcmp_lt_or_nan (const Packet &a, const Packet &b) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pand (const Packet &a, const Packet &b) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | por (const Packet &a, const Packet &b) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pxor (const Packet &a, const Packet &b) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pnot (const Packet &a) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pandnot (const Packet &a, const Packet &b) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pselect (const Packet &mask, const Packet &a, const Packet &b) |
|
template<> |
EIGEN_DEVICE_FUNC bool | pselect< bool > (const bool &cond, const bool &a, const bool &b) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pmin (const Packet &a, const Packet &b) |
|
template<int NaNPropagation, typename Packet > |
EIGEN_DEVICE_FUNC Packet | pmin (const Packet &a, const Packet &b) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pmax (const Packet &a, const Packet &b) |
|
template<int NaNPropagation, typename Packet > |
EIGEN_DEVICE_FUNC Packet | pmax (const Packet &a, const Packet &b) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pabs (const Packet &a) |
|
template<> |
EIGEN_DEVICE_FUNC unsigned int | pabs (const unsigned int &a) |
|
template<> |
EIGEN_DEVICE_FUNC unsigned long | pabs (const unsigned long &a) |
|
template<> |
EIGEN_DEVICE_FUNC unsigned long long | pabs (const unsigned long long &a) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | paddsub (const Packet &a, const Packet &b) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | parg (const Packet &a) |
|
template<int N> |
EIGEN_DEVICE_FUNC int | parithmetic_shift_right (const int &a) |
|
template<int N> |
EIGEN_DEVICE_FUNC long int | parithmetic_shift_right (const long int &a) |
|
template<int N> |
EIGEN_DEVICE_FUNC int | plogical_shift_right (const int &a) |
|
template<int N> |
EIGEN_DEVICE_FUNC long int | plogical_shift_right (const long int &a) |
|
template<int N> |
EIGEN_DEVICE_FUNC int | plogical_shift_left (const int &a) |
|
template<int N> |
EIGEN_DEVICE_FUNC long int | plogical_shift_left (const long int &a) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pfrexp (const Packet &a, Packet &exponent) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pldexp (const Packet &a, const Packet &exponent) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pabsdiff (const Packet &a, const Packet &b) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pload (const typename unpacket_traits< Packet >::type *from) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | ploadu (const typename unpacket_traits< Packet >::type *from) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC enable_if< unpacket_traits< Packet >::masked_load_available, Packet >::type | ploadu (const typename unpacket_traits< Packet >::type *from, typename unpacket_traits< Packet >::mask_t umask) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pset1 (const typename unpacket_traits< Packet >::type &a) |
|
template<typename Packet , typename BitsType > |
EIGEN_DEVICE_FUNC Packet | pset1frombits (BitsType a) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pload1 (const typename unpacket_traits< Packet >::type *a) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet | ploaddup (const typename unpacket_traits< Packet >::type *from) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | ploadquad (const typename unpacket_traits< Packet >::type *from) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC void | pbroadcast4 (const typename unpacket_traits< Packet >::type *a, Packet &a0, Packet &a1, Packet &a2, Packet &a3) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC void | pbroadcast2 (const typename unpacket_traits< Packet >::type *a, Packet &a0, Packet &a1) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet | plset (const typename unpacket_traits< Packet >::type &a) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | peven_mask (const Packet &) |
|
template<typename Scalar , typename Packet > |
EIGEN_DEVICE_FUNC void | pstore (Scalar *to, const Packet &from) |
|
template<typename Scalar , typename Packet > |
EIGEN_DEVICE_FUNC void | pstoreu (Scalar *to, const Packet &from) |
|
template<typename Scalar , typename Packet > |
EIGEN_DEVICE_FUNC enable_if< unpacket_traits< Packet >::masked_store_available, void >::type | pstoreu (Scalar *to, const Packet &from, typename unpacket_traits< Packet >::mask_t umask) |
|
template<typename Scalar , typename Packet > |
EIGEN_DEVICE_FUNC Packet | pgather (const Scalar *from, Index) |
|
template<typename Scalar , typename Packet > |
EIGEN_DEVICE_FUNC void | pscatter (Scalar *to, const Packet &from, Index) |
|
template<typename Scalar > |
EIGEN_DEVICE_FUNC void | prefetch (const Scalar *addr) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | preverse (const Packet &a) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pcplxflip (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | psin (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | pcos (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | ptan (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | pasin (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | pacos (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | patan (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | psinh (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | pcosh (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | ptanh (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | pexp (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | pexpm1 (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | plog (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | plog1p (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | plog10 (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | plog2 (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | psqrt (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | prsqrt (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | pround (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | pfloor (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | print (const Packet &a) |
|
template<typename Packet > |
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet | pceil (const Packet &a) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC unpacket_traits< Packet >::type | pfirst (const Packet &a) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC conditional<(unpacket_traits< Packet >::size%8)==0, typenameunpacket_traits< Packet >::half, Packet >::type | predux_half_dowto4 (const Packet &a) |
|
template<typename Packet , typename Op > |
EIGEN_DEVICE_FUNC unpacket_traits< Packet >::type | predux_helper (const Packet &a, Op op) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC unpacket_traits< Packet >::type | predux (const Packet &a) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC unpacket_traits< Packet >::type | predux_mul (const Packet &a) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC unpacket_traits< Packet >::type | predux_min (const Packet &a) |
|
template<int NaNPropagation, typename Packet > |
EIGEN_DEVICE_FUNC unpacket_traits< Packet >::type | predux_min (const Packet &a) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC unpacket_traits< Packet >::type | predux_max (const Packet &a) |
|
template<int NaNPropagation, typename Packet > |
EIGEN_DEVICE_FUNC unpacket_traits< Packet >::type | predux_max (const Packet &a) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC bool | predux_any (const Packet &a) |
|
template<typename Packet > |
void | pstore1 (typename unpacket_traits< Packet >::type *to, const typename unpacket_traits< Packet >::type &a) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pmadd (const Packet &a, const Packet &b, const Packet &c) |
|
template<typename Packet , int Alignment> |
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE Packet | ploadt (const typename unpacket_traits< Packet >::type *from) |
|
template<typename Scalar , typename Packet , int Alignment> |
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE void | pstoret (Scalar *to, const Packet &from) |
|
template<typename Packet , int LoadMode> |
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE Packet | ploadt_ro (const typename unpacket_traits< Packet >::type *from) |
|
template<> |
std::complex< float > | pmul (const std::complex< float > &a, const std::complex< float > &b) |
|
template<> |
std::complex< double > | pmul (const std::complex< double > &a, const std::complex< double > &b) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC void | ptranspose (PacketBlock< Packet, 1 > &) |
|
template<typename Packet > |
EIGEN_DEVICE_FUNC Packet | pblend (const Selector< unpacket_traits< Packet >::size > &ifPacket, const Packet &thenPacket, const Packet &elsePacket) |
|
template<typename PacketType , typename Func > |
EIGEN_DEVICE_FUNC PacketType | packetwise_redux_empty_value (const Func &) |
|
template<typename PacketType , typename Scalar > |
EIGEN_DEVICE_FUNC PacketType | packetwise_redux_empty_value (const scalar_product_op< Scalar, Scalar > &) |
|
| EIGEN_MEMBER_FUNCTOR (norm,(Size+5) *NumTraits< Scalar >::MulCost+(Size-1) *NumTraits< Scalar >::AddCost) |
|
| EIGEN_MEMBER_FUNCTOR (stableNorm,(Size+5) *NumTraits< Scalar >::MulCost+(Size-1) *NumTraits< Scalar >::AddCost) |
|
| EIGEN_MEMBER_FUNCTOR (blueNorm,(Size+5) *NumTraits< Scalar >::MulCost+(Size-1) *NumTraits< Scalar >::AddCost) |
|
| EIGEN_MEMBER_FUNCTOR (hypotNorm,(Size-1) *functor_traits< scalar_hypot_op< Scalar > >::Cost) |
|
| EIGEN_MEMBER_FUNCTOR (all,(Size-1) *NumTraits< Scalar >::AddCost) |
|
| EIGEN_MEMBER_FUNCTOR (any,(Size-1) *NumTraits< Scalar >::AddCost) |
|
| EIGEN_MEMBER_FUNCTOR (count,(Size-1) *NumTraits< Scalar >::AddCost) |
|
| EIGEN_MAKE_PARTIAL_REDUX_FUNCTOR (sum,(Size-1) *NumTraits< Scalar >::AddCost, 1, internal::scalar_sum_op) |
|
| EIGEN_MAKE_PARTIAL_REDUX_FUNCTOR (minCoeff,(Size-1) *NumTraits< Scalar >::AddCost, 1, internal::scalar_min_op) |
|
| EIGEN_MAKE_PARTIAL_REDUX_FUNCTOR (maxCoeff,(Size-1) *NumTraits< Scalar >::AddCost, 1, internal::scalar_max_op) |
|
| EIGEN_MAKE_PARTIAL_REDUX_FUNCTOR (prod,(Size-1) *NumTraits< Scalar >::MulCost, 1, internal::scalar_product_op) |
|
template<typename DstXprType , typename SrcXprType , typename Functor > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | resize_if_allowed (DstXprType &dst, const SrcXprType &src, const Functor &) |
|
template<typename DstXprType , typename SrcXprType , typename T1 , typename T2 > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | resize_if_allowed (DstXprType &dst, const SrcXprType &src, const internal::assign_op< T1, T2 > &) |
|
template<typename DstXprType , typename SrcXprType , typename Functor > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | call_dense_assignment_loop (DstXprType &dst, const SrcXprType &src, const Functor &func) |
|
template<typename DstXprType > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | call_dense_assignment_loop (DstXprType &dst, const Eigen::CwiseNullaryOp< Eigen::internal::scalar_constant_op< typename DstXprType::Scalar >, DstXprType > &src, const internal::assign_op< typename DstXprType::Scalar, typename DstXprType::Scalar > &func) |
|
template<typename DstXprType , typename SrcXprType > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | call_dense_assignment_loop (DstXprType &dst, const SrcXprType &src) |
|
template<typename Dst , typename Src > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | call_assignment (Dst &dst, const Src &src) |
|
template<typename Dst , typename Src > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | call_assignment (const Dst &dst, const Src &src) |
|
template<typename Dst , typename Src , typename Func > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | call_assignment (Dst &dst, const Src &src, const Func &func, typename enable_if< evaluator_assume_aliasing< Src >::value, void * >::type=0) |
|
template<typename Dst , typename Src , typename Func > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | call_assignment (Dst &dst, const Src &src, const Func &func, typename enable_if<!evaluator_assume_aliasing< Src >::value, void * >::type=0) |
|
template<typename Dst , template< typename > class StorageBase, typename Src , typename Func > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | call_assignment (NoAlias< Dst, StorageBase > &dst, const Src &src, const Func &func) |
|
template<typename Dst , typename Src , typename Func > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | call_assignment_no_alias (Dst &dst, const Src &src, const Func &func) |
|
template<typename Dst , typename Src , typename Func > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | call_restricted_packet_assignment_no_alias (Dst &dst, const Src &src, const Func &func) |
|
template<typename Dst , typename Src > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | call_assignment_no_alias (Dst &dst, const Src &src) |
|
template<typename Dst , typename Src , typename Func > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | call_assignment_no_alias_no_transpose (Dst &dst, const Src &src, const Func &func) |
|
template<typename Dst , typename Src > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | call_assignment_no_alias_no_transpose (Dst &dst, const Src &src) |
|
template<typename Dst , typename Src > |
void | check_for_aliasing (const Dst &dst, const Src &src) |
|
bool | copy_bool (bool b) |
|
template<typename T > |
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE void | ignore_unused_variable (const T &) |
|
Index | eval_expr_given_size (Index x, Index) |
|
template<int N> |
FixedInt< N > | eval_expr_given_size (FixedInt< N > x, Index) |
|
template<typename Derived > |
Index | eval_expr_given_size (const symbolic::BaseExpr< Derived > &x, Index size) |
|
template<typename T > |
EIGEN_CONSTEXPR Index | first (const T &x) EIGEN_NOEXCEPT |
|
template<typename T , typename Q > |
const T & | makeIndexedViewCompatible (const T &x, Index, Q) |
|
template<typename T > |
enable_if< symbolic::is_symbolic< T >::value, SingleRange >::type | makeIndexedViewCompatible (const T &id, Index size, SpecializedType) |
|
template<typename XprSizeType > |
AllRange< get_fixed_value< XprSizeType >::value > | makeIndexedViewCompatible (all_t, XprSizeType size, SpecializedType) |
|
template<typename IndexDest , typename IndexSrc > |
EIGEN_DEVICE_FUNC IndexDest | convert_index (const IndexSrc &idx) |
|
template<typename T > |
EIGEN_DEVICE_FUNC T * | const_cast_ptr (const T *ptr) |
|
template<typename T1 , typename T2 > |
EIGEN_DEVICE_FUNC bool | is_same_dense (const T1 &mat1, const T2 &mat2, typename enable_if< possibly_same_dense< T1, T2 >::value >::type *=0) |
|
template<typename T1 , typename T2 > |
EIGEN_DEVICE_FUNC bool | is_same_dense (const T1 &, const T2 &, typename enable_if<!possibly_same_dense< T1, T2 >::value >::type *=0) |
|
template<typename T > |
EIGEN_CONSTEXPR Index | size (const T &x) |
|
template<typename T , std::size_t N> |
EIGEN_CONSTEXPR Index | size (const T(&)[N]) |
|
template<typename T > |
const T * | return_ptr () |
|
template<typename T > |
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE const T::Scalar * | extract_data (const T &m) |
|
template<typename ResScalar , typename Lhs , typename Rhs > |
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE ResScalar | combine_scalar_factors (const ResScalar &alpha, const Lhs &lhs, const Rhs &rhs) |
|
template<typename ResScalar , typename Lhs , typename Rhs > |
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE ResScalar | combine_scalar_factors (const Lhs &lhs, const Rhs &rhs) |
|
EIGEN_DEVICE_FUNC void | throw_std_bad_alloc () |
|
EIGEN_DEVICE_FUNC void * | handmade_aligned_malloc (std::size_t size, std::size_t alignment=EIGEN_DEFAULT_ALIGN_BYTES) |
|
EIGEN_DEVICE_FUNC void | handmade_aligned_free (void *ptr) |
|
void * | handmade_aligned_realloc (void *ptr, std::size_t size, std::size_t=0) |
|
EIGEN_DEVICE_FUNC void | check_that_malloc_is_allowed () |
|
EIGEN_DEVICE_FUNC void * | aligned_malloc (std::size_t size) |
|
EIGEN_DEVICE_FUNC void | aligned_free (void *ptr) |
|
void * | aligned_realloc (void *ptr, std::size_t new_size, std::size_t old_size) |
|
template<bool Align> |
EIGEN_DEVICE_FUNC void * | conditional_aligned_malloc (std::size_t size) |
|
template<> |
EIGEN_DEVICE_FUNC void * | conditional_aligned_malloc< false > (std::size_t size) |
|
template<bool Align> |
EIGEN_DEVICE_FUNC void | conditional_aligned_free (void *ptr) |
|
template<> |
EIGEN_DEVICE_FUNC void | conditional_aligned_free< false > (void *ptr) |
|
template<bool Align> |
void * | conditional_aligned_realloc (void *ptr, std::size_t new_size, std::size_t old_size) |
|
template<> |
void * | conditional_aligned_realloc< false > (void *ptr, std::size_t new_size, std::size_t) |
|
template<typename T > |
EIGEN_DEVICE_FUNC void | destruct_elements_of_array (T *ptr, std::size_t size) |
|
template<typename T > |
EIGEN_DEVICE_FUNC T * | construct_elements_of_array (T *ptr, std::size_t size) |
|
template<typename T > |
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE void | check_size_for_overflow (std::size_t size) |
|
template<typename T > |
EIGEN_DEVICE_FUNC T * | aligned_new (std::size_t size) |
|
template<typename T , bool Align> |
EIGEN_DEVICE_FUNC T * | conditional_aligned_new (std::size_t size) |
|
template<typename T > |
EIGEN_DEVICE_FUNC void | aligned_delete (T *ptr, std::size_t size) |
|
template<typename T , bool Align> |
EIGEN_DEVICE_FUNC void | conditional_aligned_delete (T *ptr, std::size_t size) |
|
template<typename T , bool Align> |
EIGEN_DEVICE_FUNC T * | conditional_aligned_realloc_new (T *pts, std::size_t new_size, std::size_t old_size) |
|
template<typename T , bool Align> |
EIGEN_DEVICE_FUNC T * | conditional_aligned_new_auto (std::size_t size) |
|
template<typename T , bool Align> |
T * | conditional_aligned_realloc_new_auto (T *pts, std::size_t new_size, std::size_t old_size) |
|
template<typename T , bool Align> |
EIGEN_DEVICE_FUNC void | conditional_aligned_delete_auto (T *ptr, std::size_t size) |
|
template<int Alignment, typename Scalar , typename Index > |
EIGEN_DEVICE_FUNC Index | first_aligned (const Scalar *array, Index size) |
|
template<typename Scalar , typename Index > |
EIGEN_DEVICE_FUNC Index | first_default_aligned (const Scalar *array, Index size) |
|
template<typename Index > |
Index | first_multiple (Index size, Index base) |
|
template<typename T > |
EIGEN_DEVICE_FUNC void | smart_copy (const T *start, const T *end, T *target) |
|
template<typename T > |
void | smart_memmove (const T *start, const T *end, T *target) |
|
template<typename T > |
EIGEN_DEVICE_FUNC T * | smart_move (T *start, T *end, T *target) |
|
template<typename T > |
void | swap (scoped_array< T > &a, scoped_array< T > &b) |
|
void | queryCacheSizes (int &l1, int &l2, int &l3) |
|
int | queryL1CacheSize () |
|
int | queryTopLevelCacheSize () |
|
template<typename T > |
EIGEN_DEVICE_FUNC Index | get_runtime_value (const T &x) |
|
template<int N> |
EIGEN_DEVICE_FUNC Index | get_runtime_value (FixedInt< N >(*)()) |
|
template<typename SizeType > |
Index | get_runtime_reshape_size (SizeType size, Index, Index) |
|
Index | get_runtime_reshape_size (AutoSize_t, Index other, Index total) |
|
void | manage_multi_threading (Action action, int *v) |
|
template<bool Condition, typename Functor , typename Index > |
void | parallelize_gemm (const Functor &func, Index rows, Index cols, Index depth, bool transpose) |
|
std::ptrdiff_t | manage_caching_sizes_helper (std::ptrdiff_t a, std::ptrdiff_t b) |
|
void | manage_caching_sizes (Action action, std::ptrdiff_t *l1, std::ptrdiff_t *l2, std::ptrdiff_t *l3) |
|
template<typename LhsScalar , typename RhsScalar , int KcFactor, typename Index > |
void | evaluateProductBlockingSizesHeuristic (Index &k, Index &m, Index &n, Index num_threads=1) |
|
template<typename Index > |
bool | useSpecificBlockingSizes (Index &k, Index &m, Index &n) |
|
template<typename LhsScalar , typename RhsScalar , int KcFactor, typename Index > |
void | computeProductBlockingSizes (Index &k, Index &m, Index &n, Index num_threads=1) |
| Computes the blocking parameters for a m x k times k x n matrix product. More...
|
|
template<typename LhsScalar , typename RhsScalar , typename Index > |
void | computeProductBlockingSizes (Index &k, Index &m, Index &n, Index num_threads=1) |
|
template<typename Packet > |
DoublePacket< Packet > | padd (const DoublePacket< Packet > &a, const DoublePacket< Packet > &b) |
|
template<typename Packet > |
const DoublePacket< Packet > & | predux_half_dowto4 (const DoublePacket< Packet > &a, typename enable_if< unpacket_traits< Packet >::size<=8 >::type *=0) |
|
template<typename Packet > |
DoublePacket< typename unpacket_traits< Packet >::half > | predux_half_dowto4 (const DoublePacket< Packet > &a, typename enable_if< unpacket_traits< Packet >::size==16 >::type *=0) |
|
template<typename Scalar , typename RealPacket > |
void | loadQuadToDoublePacket (const Scalar *b, DoublePacket< RealPacket > &dest, typename enable_if< unpacket_traits< RealPacket >::size<=8 >::type *=0) |
|
template<typename Scalar , typename RealPacket > |
void | loadQuadToDoublePacket (const Scalar *b, DoublePacket< RealPacket > &dest, typename enable_if< unpacket_traits< RealPacket >::size==16 >::type *=0) |
|
template<typename MatrixType , Index Alignment> |
void | BlockedInPlaceTranspose (MatrixType &m) |
|
template<int Alignment, typename Derived > |
static Index | first_aligned (const DenseBase< Derived > &m) |
|
template<typename Derived > |
static Index | first_default_aligned (const DenseBase< Derived > &m) |
|
| EIGEN_CATCH_ASSIGN_XPR_OP_PRODUCT (assign_op, scalar_sum_op, add_assign_op) |
|
| EIGEN_CATCH_ASSIGN_XPR_OP_PRODUCT (add_assign_op, scalar_sum_op, add_assign_op) |
|
| EIGEN_CATCH_ASSIGN_XPR_OP_PRODUCT (sub_assign_op, scalar_sum_op, sub_assign_op) |
|
| EIGEN_CATCH_ASSIGN_XPR_OP_PRODUCT (assign_op, scalar_difference_op, sub_assign_op) |
|
| EIGEN_CATCH_ASSIGN_XPR_OP_PRODUCT (add_assign_op, scalar_difference_op, sub_assign_op) |
|
| EIGEN_CATCH_ASSIGN_XPR_OP_PRODUCT (sub_assign_op, scalar_difference_op, add_assign_op) |
|
template<typename Dst , typename Lhs , typename Rhs , typename Func > |
void EIGEN_DEVICE_FUNC | outer_product_selector_run (Dst &dst, const Lhs &lhs, const Rhs &rhs, const Func &func, const false_type &) |
|
template<typename Dst , typename Lhs , typename Rhs , typename Func > |
void EIGEN_DEVICE_FUNC | outer_product_selector_run (Dst &dst, const Lhs &lhs, const Rhs &rhs, const Func &func, const true_type &) |
|
template<typename OldType , typename NewType > |
EIGEN_DEVICE_FUNC NewType | cast (const OldType &x) |
|
template<typename Scalar > |
| EIGEN_MATHFUNC_RETVAL (random, Scalar) random(const Scalar &x |
|
template<typename Scalar > |
| EIGEN_MATHFUNC_RETVAL (random, Scalar) random() |
|
template<typename T > |
EIGEN_DEVICE_FUNC internal::enable_if< internal::is_integral< T >::value, bool >::type | isnan_impl (const T &) |
|
template<typename T > |
EIGEN_DEVICE_FUNC internal::enable_if< internal::is_integral< T >::value, bool >::type | isinf_impl (const T &) |
|
template<typename T > |
EIGEN_DEVICE_FUNC internal::enable_if< internal::is_integral< T >::value, bool >::type | isfinite_impl (const T &) |
|
template<typename T > |
EIGEN_DEVICE_FUNC internal::enable_if<(!internal::is_integral< T >::value)&&(!NumTraits< T >::IsComplex), bool >::type | isfinite_impl (const T &x) |
|
template<typename T > |
EIGEN_DEVICE_FUNC internal::enable_if<(!internal::is_integral< T >::value)&&(!NumTraits< T >::IsComplex), bool >::type | isinf_impl (const T &x) |
|
template<typename T > |
EIGEN_DEVICE_FUNC internal::enable_if<(!internal::is_integral< T >::value)&&(!NumTraits< T >::IsComplex), bool >::type | isnan_impl (const T &x) |
|
template<typename T > |
EIGEN_DEVICE_FUNC bool | isfinite_impl (const std::complex< T > &x) |
|
template<typename T > |
EIGEN_DEVICE_FUNC bool | isnan_impl (const std::complex< T > &x) |
|
template<typename T > |
EIGEN_DEVICE_FUNC bool | isinf_impl (const std::complex< T > &x) |
|
template<typename Scalar , typename OtherScalar > |
EIGEN_DEVICE_FUNC bool | isMuchSmallerThan (const Scalar &x, const OtherScalar &y, const typename NumTraits< Scalar >::Real &precision=NumTraits< Scalar >::dummy_precision()) |
|
template<typename Scalar > |
EIGEN_DEVICE_FUNC bool | isApprox (const Scalar &x, const Scalar &y, const typename NumTraits< Scalar >::Real &precision=NumTraits< Scalar >::dummy_precision()) |
|
template<typename Scalar > |
EIGEN_DEVICE_FUNC bool | isApproxOrLessThan (const Scalar &x, const Scalar &y, const typename NumTraits< Scalar >::Real &precision=NumTraits< Scalar >::dummy_precision()) |
|
template<typename Derived > |
std::ostream & | print_matrix (std::ostream &s, const Derived &_m, const IOFormat &fmt) |
|
template<typename VectorV , typename VectorI > |
Index | QuickSplit (VectorV &row, VectorI &ind, Index ncut) |
|
template<typename MatrixType , typename Rhs , typename Dest , typename Preconditioner > |
EIGEN_DONT_INLINE void | conjugate_gradient (const MatrixType &mat, const Rhs &rhs, Dest &x, const Preconditioner &precond, Index &iters, typename Dest::RealScalar &tol_error) |
|
template<typename MatrixType , typename Rhs , typename Dest , typename Preconditioner > |
bool | bicgstab (const MatrixType &mat, const Rhs &rhs, Dest &x, const Preconditioner &precond, Index &iters, typename Dest::RealScalar &tol_error) |
|
template<typename MatrixType , typename Rhs , typename Dest , typename Preconditioner > |
EIGEN_DONT_INLINE void | least_square_conjugate_gradient (const MatrixType &mat, const Rhs &rhs, Dest &x, const Preconditioner &precond, Index &iters, typename Dest::RealScalar &tol_error) |
|
template<typename MatrixType , typename DiagType , typename SubDiagType > |
EIGEN_DEVICE_FUNC ComputationInfo | computeFromTridiagonal_impl (DiagType &diag, SubDiagType &subdiag, const Index maxIterations, bool computeEigenvectors, MatrixType &eivec) |
|
template<int StorageOrder, typename RealScalar , typename Scalar , typename Index > |
static EIGEN_DEVICE_FUNC void | tridiagonal_qr_step (RealScalar *diag, RealScalar *subdiag, Index start, Index end, Scalar *matrixQ, Index n) |
|
template<typename MatrixType , typename CoeffVectorType > |
EIGEN_DEVICE_FUNC void | tridiagonalization_inplace (MatrixType &matA, CoeffVectorType &hCoeffs) |
|
template<typename MatrixType , typename DiagonalType , typename SubDiagonalType , typename CoeffVectorType > |
EIGEN_DEVICE_FUNC void | tridiagonalization_inplace (MatrixType &mat, DiagonalType &diag, SubDiagonalType &subdiag, CoeffVectorType &hcoeffs, bool extractQ) |
| Performs a full tridiagonalization in place. More...
|
|
template<typename VectorX , typename VectorY , typename OtherScalar > |
EIGEN_DEVICE_FUNC void | apply_rotation_in_the_plane (DenseBase< VectorX > &xpr_x, DenseBase< VectorY > &xpr_y, const JacobiRotation< OtherScalar > &j) |
| \jacobi_module Applies the clock wise 2D rotation j to the set of 2D vectors of coordinates x and y: \( \left ( \begin{array}{cc} x \\ y \end{array} \right ) = J \left ( \begin{array}{cc} x \\ y \end{array} \right ) \) More...
|
|
template<typename MatrixType , typename RealScalar , typename Index > |
void | real_2x2_jacobi_svd (const MatrixType &matrix, Index p, Index q, JacobiRotation< RealScalar > *j_left, JacobiRotation< RealScalar > *j_right) |
|
template<typename MatrixType > |
NumTraits< typenameMatrixType::Scalar >::Real | matrix_function_compute_mu (const MatrixType &A) |
|
template<typename Index , typename ListOfClusters > |
ListOfClusters::iterator | matrix_function_find_cluster (Index key, ListOfClusters &clusters) |
| Find cluster in clusters containing some value. More...
|
|
template<typename EivalsType , typename Cluster > |
void | matrix_function_partition_eigenvalues (const EivalsType &eivals, std::list< Cluster > &clusters) |
| Partition eigenvalues in clusters of ei'vals close to each other. More...
|
|
template<typename ListOfClusters , typename Index > |
void | matrix_function_compute_cluster_size (const ListOfClusters &clusters, Matrix< Index, Dynamic, 1 > &clusterSize) |
| Compute size of each cluster given a partitioning. More...
|
|
template<typename VectorType > |
void | matrix_function_compute_block_start (const VectorType &clusterSize, VectorType &blockStart) |
| Compute start of each block using clusterSize. More...
|
|
template<typename EivalsType , typename ListOfClusters , typename VectorType > |
void | matrix_function_compute_map (const EivalsType &eivals, const ListOfClusters &clusters, VectorType &eivalToCluster) |
| Compute mapping of eigenvalue indices to cluster indices. More...
|
|
template<typename DynVectorType , typename VectorType > |
void | matrix_function_compute_permutation (const DynVectorType &blockStart, const DynVectorType &eivalToCluster, VectorType &permutation) |
| Compute permutation which groups ei'vals in same cluster together. More...
|
|
template<typename VectorType , typename MatrixType > |
void | matrix_function_permute_schur (VectorType &permutation, MatrixType &U, MatrixType &T) |
| Permute Schur decomposition in U and T according to permutation. More...
|
|
template<typename MatrixType , typename AtomicType , typename VectorType > |
void | matrix_function_compute_block_atomic (const MatrixType &T, AtomicType &atomic, const VectorType &blockStart, const VectorType &clusterSize, MatrixType &fT) |
| Compute block diagonal part of matrix function. More...
|
|
template<typename MatrixType > |
MatrixType | matrix_function_solve_triangular_sylvester (const MatrixType &A, const MatrixType &B, const MatrixType &C) |
| Solve a triangular Sylvester equation AX + XB = C. More...
|
|
template<typename MatrixType , typename VectorType > |
void | matrix_function_compute_above_diagonal (const MatrixType &T, const VectorType &blockStart, const VectorType &clusterSize, MatrixType &fT) |
| Compute part of matrix function above block diagonal. More...
|
|
template<typename MatrixType , typename ResultType > |
void | matrix_sqrt_quasi_triangular_2x2_diagonal_block (const MatrixType &T, Index i, ResultType &sqrtT) |
|
template<typename MatrixType , typename ResultType > |
void | matrix_sqrt_quasi_triangular_1x1_off_diagonal_block (const MatrixType &T, Index i, Index j, ResultType &sqrtT) |
|
template<typename MatrixType , typename ResultType > |
void | matrix_sqrt_quasi_triangular_1x2_off_diagonal_block (const MatrixType &T, Index i, Index j, ResultType &sqrtT) |
|
template<typename MatrixType , typename ResultType > |
void | matrix_sqrt_quasi_triangular_2x1_off_diagonal_block (const MatrixType &T, Index i, Index j, ResultType &sqrtT) |
|
template<typename MatrixType > |
void | matrix_sqrt_quasi_triangular_solve_auxiliary_equation (MatrixType &X, const MatrixType &A, const MatrixType &B, const MatrixType &C) |
|
template<typename MatrixType , typename ResultType > |
void | matrix_sqrt_quasi_triangular_2x2_off_diagonal_block (const MatrixType &T, Index i, Index j, ResultType &sqrtT) |
|
template<typename MatrixType , typename ResultType > |
void | matrix_sqrt_quasi_triangular_diagonal (const MatrixType &T, ResultType &sqrtT) |
|
template<typename MatrixType , typename ResultType > |
void | matrix_sqrt_quasi_triangular_off_diagonal (const MatrixType &T, ResultType &sqrtT) |
|
template<typename Scalar > |
Scalar | stem_function_exp (Scalar x, int) |
| The exponential function (and its derivatives). More...
|
|
template<typename Scalar > |
Scalar | stem_function_cos (Scalar x, int n) |
| Cosine (and its derivatives). More...
|
|
template<typename Scalar > |
Scalar | stem_function_sin (Scalar x, int n) |
| Sine (and its derivatives). More...
|
|
template<typename Scalar > |
Scalar | stem_function_cosh (Scalar x, int n) |
| Hyperbolic cosine (and its derivatives). More...
|
|
template<typename Scalar > |
Scalar | stem_function_sinh (Scalar x, int n) |
| Hyperbolic sine (and its derivatives). More...
|
|
template<typename MatrixType > |
void | matrix_log_compute_2x2 (const MatrixType &A, MatrixType &result) |
| Compute logarithm of 2x2 triangular matrix. More...
|
|
int | matrix_log_get_pade_degree (float normTminusI) |
|
int | matrix_log_get_pade_degree (double normTminusI) |
|
int | matrix_log_get_pade_degree (long double normTminusI) |
|
template<typename MatrixType > |
void | matrix_log_compute_pade (MatrixType &result, const MatrixType &T, int degree) |
|
template<typename MatrixType > |
void | matrix_log_compute_big (const MatrixType &A, MatrixType &result) |
| Compute logarithm of triangular matrices with size > 2. More...
|
|
template<typename MatA , typename MatU , typename MatV > |
void | matrix_exp_pade3 (const MatA &A, MatU &U, MatV &V) |
| Compute the (3,3)-Padé approximant to the exponential. More...
|
|
template<typename MatA , typename MatU , typename MatV > |
void | matrix_exp_pade5 (const MatA &A, MatU &U, MatV &V) |
| Compute the (5,5)-Padé approximant to the exponential. More...
|
|
template<typename MatA , typename MatU , typename MatV > |
void | matrix_exp_pade7 (const MatA &A, MatU &U, MatV &V) |
| Compute the (7,7)-Padé approximant to the exponential. More...
|
|
template<typename MatA , typename MatU , typename MatV > |
void | matrix_exp_pade9 (const MatA &A, MatU &U, MatV &V) |
| Compute the (9,9)-Padé approximant to the exponential. More...
|
|
template<typename MatA , typename MatU , typename MatV > |
void | matrix_exp_pade13 (const MatA &A, MatU &U, MatV &V) |
| Compute the (13,13)-Padé approximant to the exponential. More...
|
|
template<typename ArgType , typename ResultType > |
void | matrix_exp_compute (const ArgType &arg, ResultType &result, true_type) |
|
template<typename ArgType , typename ResultType > |
void | matrix_exp_compute (const ArgType &arg, ResultType &result, false_type) |
|