compbio
Classes | Typedefs | Enumerations | Functions | Variables
Eigen::internal Namespace Reference

template <class> class MakePointer_ is added to convert the host pointer to the device pointer. More...

Classes

struct  Abs
 
struct  Abs< Num, false >
 
struct  abs_knowing_score
 
struct  abs_knowing_score< Scalar, typename scalar_score_coeff_op< Scalar >::Score_is_abs >
 
struct  accessors_level
 
struct  add_assign_op
 
struct  add_const
 
struct  add_const< T & >
 
struct  add_const_on_value_type
 
struct  add_const_on_value_type< T & >
 
struct  add_const_on_value_type< T * >
 
struct  add_const_on_value_type< T *const >
 
struct  add_const_on_value_type< T const *const >
 
struct  add_const_on_value_type_if_arithmetic
 
class  aligned_stack_memory_handler
 
struct  all_indices_known_statically_impl
 
struct  all_indices_known_statically_impl< const DimensionList< Index, Rank > >
 
struct  all_indices_known_statically_impl< DimensionList< Index, Rank > >
 
struct  all_unroller
 
struct  all_unroller< Derived, 0 >
 
struct  all_unroller< Derived, Dynamic >
 
class  AmbiVector
 
struct  AndReducer
 
struct  any_unroller
 
struct  any_unroller< Derived, 0 >
 
struct  any_unroller< Derived, Dynamic >
 
struct  are_inner_most_dims
 
struct  arg_prod
 
struct  arg_prod< empty_list >
 
struct  ArgMaxTupleReducer
 
struct  ArgMinTupleReducer
 
struct  arpack_wrapper
 
struct  arpack_wrapper< double, double >
 
struct  arpack_wrapper< float, float >
 
struct  array_size
 
struct  array_size< array< T, N > &>
 
struct  array_size< array< T, N > >
 
struct  array_size< const array< T, N > &>
 
struct  array_size< const array< T, N > >
 
struct  array_size< const DimensionList< Index, Rank > >
 
struct  array_size< const DSizes< DenseIndex, NumDims > >
 
struct  array_size< const Sizes< Indices... > >
 
struct  array_size< DimensionList< Index, Rank > >
 
struct  array_size< DSizes< DenseIndex, NumDims > >
 
struct  array_size< Sizes< Indices... > >
 
struct  ArrayApplyAndReduce
 
struct  ArrayApplyAndReduce< Reducer, Op, A, 1 >
 
struct  ArrayZipAndReduce
 
struct  ArrayZipAndReduce< Reducer, Op, A, B, 1 >
 
struct  assign_op
 
struct  assign_op< DstScalar, void >
 
struct  Assignment
 
struct  Assignment< DstXprType, CwiseBinaryOp< internal::scalar_product_op< ScalarBis, Scalar >, const CwiseNullaryOp< internal::scalar_constant_op< ScalarBis >, Plain >, const Product< Lhs, Rhs, DefaultProduct > >, AssignFunc, Dense2Dense >
 
struct  Assignment< DstXprType, Homogeneous< ArgType, Horizontal >, internal::assign_op< Scalar, typename ArgType::Scalar >, Dense2Dense >
 
struct  Assignment< DstXprType, Homogeneous< ArgType, Vertical >, internal::assign_op< Scalar, typename ArgType::Scalar >, Dense2Dense >
 
struct  Assignment< DstXprType, Inverse< ColPivHouseholderQR< MatrixType > >, internal::assign_op< typename DstXprType::Scalar, typename ColPivHouseholderQR< MatrixType >::Scalar >, Dense2Dense >
 
struct  Assignment< DstXprType, Inverse< CompleteOrthogonalDecomposition< MatrixType > >, internal::assign_op< typename DstXprType::Scalar, typename CompleteOrthogonalDecomposition< MatrixType >::Scalar >, Dense2Dense >
 
struct  Assignment< DstXprType, Inverse< FullPivHouseholderQR< MatrixType > >, internal::assign_op< typename DstXprType::Scalar, typename FullPivHouseholderQR< MatrixType >::Scalar >, Dense2Dense >
 
struct  Assignment< DstXprType, Inverse< FullPivLU< MatrixType > >, internal::assign_op< typename DstXprType::Scalar, typename FullPivLU< MatrixType >::Scalar >, Dense2Dense >
 
struct  Assignment< DstXprType, Inverse< PartialPivLU< MatrixType > >, internal::assign_op< typename DstXprType::Scalar, typename PartialPivLU< MatrixType >::Scalar >, Dense2Dense >
 
struct  Assignment< DstXprType, Inverse< XprType >, internal::assign_op< typename DstXprType::Scalar, typename XprType::Scalar >, Dense2Dense >
 
struct  Assignment< DstXprType, Product< Lhs, Rhs, AliasFreeProduct >, internal::add_assign_op< typename DstXprType::Scalar, typename Product< Lhs, Rhs, AliasFreeProduct >::Scalar >, Sparse2Dense >
 
struct  Assignment< DstXprType, Product< Lhs, Rhs, AliasFreeProduct >, internal::assign_op< typename DstXprType::Scalar, typename Product< Lhs, Rhs, AliasFreeProduct >::Scalar >, Sparse2Dense >
 
struct  Assignment< DstXprType, Product< Lhs, Rhs, AliasFreeProduct >, internal::sub_assign_op< typename DstXprType::Scalar, typename Product< Lhs, Rhs, AliasFreeProduct >::Scalar >, Sparse2Dense >
 
struct  Assignment< DstXprType, Product< Lhs, Rhs, DefaultProduct >, internal::add_assign_op< Scalar, typename Product< Lhs, Rhs, DefaultProduct >::Scalar >, Dense2Triangular >
 
struct  Assignment< DstXprType, Product< Lhs, Rhs, DefaultProduct >, internal::assign_op< Scalar, typename Product< Lhs, Rhs, DefaultProduct >::Scalar >, Dense2Triangular >
 
struct  Assignment< DstXprType, Product< Lhs, Rhs, DefaultProduct >, internal::sub_assign_op< Scalar, typename Product< Lhs, Rhs, DefaultProduct >::Scalar >, Dense2Triangular >
 
struct  Assignment< DstXprType, Product< Lhs, Rhs, Options >, internal::add_assign_op< Scalar, Scalar >, Dense2Dense, typename enable_if<(Options==DefaultProduct||Options==AliasFreeProduct)>::type >
 
struct  Assignment< DstXprType, Product< Lhs, Rhs, Options >, internal::assign_op< Scalar, Scalar >, Dense2Dense, typename enable_if<(Options==DefaultProduct||Options==AliasFreeProduct)>::type >
 
struct  Assignment< DstXprType, Product< Lhs, Rhs, Options >, internal::sub_assign_op< Scalar, Scalar >, Dense2Dense, typename enable_if<(Options==DefaultProduct||Options==AliasFreeProduct)>::type >
 
struct  Assignment< DstXprType, Solve< CwiseUnaryOp< internal::scalar_conjugate_op< typename DecType::Scalar >, const Transpose< const DecType > >, RhsType >, internal::assign_op< Scalar, Scalar >, Dense2Dense >
 
struct  Assignment< DstXprType, Solve< DecType, RhsType >, internal::assign_op< Scalar, Scalar >, Dense2Dense >
 
struct  Assignment< DstXprType, Solve< DecType, RhsType >, internal::assign_op< Scalar, Scalar >, Sparse2Sparse >
 
struct  Assignment< DstXprType, Solve< Transpose< const DecType >, RhsType >, internal::assign_op< Scalar, Scalar >, Dense2Dense >
 
struct  Assignment< DstXprType, SolveWithGuess< DecType, RhsType, GuessType >, internal::assign_op< Scalar, Scalar >, Dense2Dense >
 
struct  Assignment< DstXprType, SparseQRMatrixQReturnType< SparseQRType >, internal::assign_op< typename DstXprType::Scalar, typename DstXprType::Scalar >, Sparse2Dense >
 
struct  Assignment< DstXprType, SparseQRMatrixQReturnType< SparseQRType >, internal::assign_op< typename DstXprType::Scalar, typename DstXprType::Scalar >, Sparse2Sparse >
 
struct  Assignment< DstXprType, SparseSymmetricPermutationProduct< MatrixType, Mode >, internal::assign_op< Scalar, typename MatrixType::Scalar >, Sparse2Sparse >
 
struct  Assignment< DstXprType, SrcXprType, Functor, Dense2Dense, Weak >
 
struct  Assignment< DstXprType, SrcXprType, Functor, Dense2Triangular >
 
struct  Assignment< DstXprType, SrcXprType, Functor, Diagonal2Dense >
 
struct  Assignment< DstXprType, SrcXprType, Functor, Diagonal2Sparse >
 
struct  Assignment< DstXprType, SrcXprType, Functor, EigenBase2EigenBase, Weak >
 
struct  Assignment< DstXprType, SrcXprType, Functor, Sparse2Dense >
 
struct  Assignment< DstXprType, SrcXprType, Functor, Sparse2Sparse >
 
struct  Assignment< DstXprType, SrcXprType, Functor, SparseSelfAdjoint2Sparse >
 
struct  Assignment< DstXprType, SrcXprType, Functor, Triangular2Dense >
 
struct  Assignment< DstXprType, SrcXprType, Functor, Triangular2Triangular >
 
struct  assignment_from_xpr_op_product
 
struct  AssignmentKind
 
struct  AssignmentKind< DenseShape, BandShape >
 
struct  AssignmentKind< DenseShape, DenseShape >
 
struct  AssignmentKind< DenseShape, DiagonalShape >
 
struct  AssignmentKind< DenseShape, HomogeneousShape >
 
struct  AssignmentKind< DenseShape, PermutationShape >
 
struct  AssignmentKind< DenseShape, SparseShape >
 
struct  AssignmentKind< DenseShape, SparseTriangularShape >
 
struct  AssignmentKind< DenseShape, TriangularShape >
 
struct  AssignmentKind< SparseSelfAdjointShape, SparseShape >
 
struct  AssignmentKind< SparseShape, DiagonalShape >
 
struct  AssignmentKind< SparseShape, SparseSelfAdjointShape >
 
struct  AssignmentKind< SparseShape, SparseShape >
 
struct  AssignmentKind< SparseShape, SparseTriangularShape >
 
struct  AssignmentKind< TriangularShape, DenseShape >
 
struct  AssignmentKind< TriangularShape, TriangularShape >
 
struct  auto_diff_special_op
 
struct  auto_diff_special_op< _DerType, false >
 
struct  auto_diff_special_op< _DerType, true >
 
struct  band_solve_triangular_selector
 
struct  band_solve_triangular_selector< Index, Mode, LhsScalar, ConjLhs, RhsScalar, ColMajor >
 
struct  band_solve_triangular_selector< Index, Mode, LhsScalar, ConjLhs, RhsScalar, RowMajor >
 
class  BandMatrix
 Represents a rectangular matrix with a banded storage. More...
 
class  BandMatrixBase
 
class  BandMatrixWrapper
 
struct  BandShape
 
class  BaseTensorContractionMapper
 
class  BaseTensorContractionMapper< Scalar, Index, side, Tensor, nocontract_t, contract_t, 1, inner_dim_contiguous, inner_dim_reordered, Alignment >
 
struct  betainc_impl
 
struct  betainc_retval
 
struct  binary_evaluator
 
struct  binary_evaluator< CwiseBinaryOp< BinaryOp, Lhs, Rhs >, IndexBased, IndexBased >
 
struct  binary_evaluator< CwiseBinaryOp< BinaryOp, Lhs, Rhs >, IndexBased, IteratorBased >
 
struct  binary_evaluator< CwiseBinaryOp< BinaryOp, Lhs, Rhs >, IteratorBased, IndexBased >
 
struct  binary_evaluator< CwiseBinaryOp< BinaryOp, Lhs, Rhs >, IteratorBased, IteratorBased >
 
struct  binary_evaluator< CwiseBinaryOp< scalar_boolean_and_op, Lhs, Rhs >, IndexBased, IteratorBased >
 
struct  binary_evaluator< CwiseBinaryOp< scalar_boolean_and_op, Lhs, Rhs >, IteratorBased, IndexBased >
 
struct  binary_evaluator< CwiseBinaryOp< scalar_boolean_and_op, Lhs, Rhs >, IteratorBased, IteratorBased >
 
struct  binary_evaluator< CwiseBinaryOp< scalar_product_op< T1, T2 >, Lhs, Rhs >, IndexBased, IteratorBased >
 
struct  binary_evaluator< CwiseBinaryOp< scalar_product_op< T1, T2 >, Lhs, Rhs >, IteratorBased, IndexBased >
 
struct  binary_evaluator< CwiseBinaryOp< scalar_product_op< T1, T2 >, Lhs, Rhs >, IteratorBased, IteratorBased >
 
struct  binary_op_base
 
struct  binary_result_of_select
 
struct  binary_result_of_select< Func, ArgType0, ArgType1, sizeof(has_std_result_type)>
 
struct  binary_result_of_select< Func, ArgType0, ArgType1, sizeof(has_tr1_result)>
 
struct  binary_sparse_evaluator
 
struct  bind1st_op
 
struct  bind2nd_op
 
class  blas_data_mapper
 
struct  blas_traits
 
struct  blas_traits< const T >
 
struct  blas_traits< CwiseBinaryOp< scalar_product_op< Scalar >, const CwiseNullaryOp< scalar_constant_op< Scalar >, Plain >, NestedXpr > >
 
struct  blas_traits< CwiseBinaryOp< scalar_product_op< Scalar >, const CwiseNullaryOp< scalar_constant_op< Scalar >, Plain1 >, const CwiseNullaryOp< scalar_constant_op< Scalar >, Plain2 > > >
 
struct  blas_traits< CwiseBinaryOp< scalar_product_op< Scalar >, NestedXpr, const CwiseNullaryOp< scalar_constant_op< Scalar >, Plain > > >
 
struct  blas_traits< CwiseUnaryOp< scalar_conjugate_op< Scalar >, NestedXpr > >
 
struct  blas_traits< CwiseUnaryOp< scalar_opposite_op< Scalar >, NestedXpr > >
 
struct  blas_traits< Transpose< NestedXpr > >
 
class  BlasLinearMapper
 
class  BlasVectorMapper
 
struct  block_evaluator
 
struct  block_evaluator< ArgType, BlockRows, BlockCols, InnerPanel, false >
 
struct  block_evaluator< ArgType, BlockRows, BlockCols, InnerPanel, true >
 
class  BlockImpl_dense
 
class  BlockImpl_dense< XprType, BlockRows, BlockCols, InnerPanel, true >
 
struct  CacheSizes
 
struct  cast_impl< Real, NewType >
 
struct  cast_impl< Real, std::complex< Real > >
 
struct  cast_return_type
 
struct  cephes_helper
 
struct  cephes_helper< double >
 
struct  cephes_helper< float >
 
struct  check_rows_cols_for_overflow
 
struct  check_rows_cols_for_overflow< Dynamic >
 
struct  check_transpose_aliasing_compile_time_selector
 
struct  check_transpose_aliasing_compile_time_selector< DestIsTransposed, CwiseBinaryOp< BinOp, DerivedA, DerivedB > >
 
struct  check_transpose_aliasing_run_time_selector
 
struct  check_transpose_aliasing_run_time_selector< Scalar, DestIsTransposed, CwiseBinaryOp< BinOp, DerivedA, DerivedB > >
 
struct  checkTransposeAliasing_impl
 
struct  checkTransposeAliasing_impl< Derived, OtherDerived, false >
 
struct  cholmod_configure_matrix
 
struct  cholmod_configure_matrix< double >
 
struct  cholmod_configure_matrix< std::complex< double > >
 
struct  coeff_visitor
 
struct  CoeffLoader
 
struct  CoeffLoader< Tensor, true >
 
struct  colamd_col
 
struct  Colamd_Row
 
struct  column_dfs_traits
 
class  companion
 
struct  complex_schur_reduce_to_hessenberg
 
struct  complex_schur_reduce_to_hessenberg< MatrixType, false >
 
class  CompressedStorage
 
struct  compute_default_alignment
 
struct  compute_default_alignment< T, Dynamic >
 
struct  compute_default_alignment_helper
 
struct  compute_inverse
 
struct  compute_inverse< MatrixType, ResultType, 1 >
 
struct  compute_inverse< MatrixType, ResultType, 2 >
 
struct  compute_inverse< MatrixType, ResultType, 3 >
 
struct  compute_inverse< MatrixType, ResultType, 4 >
 
struct  compute_inverse_and_det_with_check
 
struct  compute_inverse_and_det_with_check< MatrixType, ResultType, 1 >
 
struct  compute_inverse_and_det_with_check< MatrixType, ResultType, 2 >
 
struct  compute_inverse_and_det_with_check< MatrixType, ResultType, 3 >
 
struct  compute_inverse_and_det_with_check< MatrixType, ResultType, 4 >
 
struct  compute_inverse_size4
 
struct  compute_inverse_size4< Architecture::SSE, double, MatrixType, ResultType >
 
struct  compute_inverse_size4< Architecture::SSE, float, MatrixType, ResultType >
 
class  compute_matrix_flags
 
class  compute_tensor_flags
 
struct  conditional
 
struct  conditional< false, Then, Else >
 
struct  conj_expr_if
 
struct  conj_helper
 
struct  conj_helper< Packet1cd, Packet1cd, false, true >
 
struct  conj_helper< Packet1cd, Packet1cd, true, false >
 
struct  conj_helper< Packet1cd, Packet1cd, true, true >
 
struct  conj_helper< Packet1cd, Packet2d, false, false >
 
struct  conj_helper< Packet2cd, Packet2cd, false, true >
 
struct  conj_helper< Packet2cd, Packet2cd, true, false >
 
struct  conj_helper< Packet2cd, Packet2cd, true, true >
 
struct  conj_helper< Packet2cd, Packet4d, false, false >
 
struct  conj_helper< Packet2cf, Packet2cf, false, true >
 
struct  conj_helper< Packet2cf, Packet2cf, true, false >
 
struct  conj_helper< Packet2cf, Packet2cf, true, true >
 
struct  conj_helper< Packet2cf, Packet4f, false, false >
 
struct  conj_helper< Packet2d, Packet1cd, false, false >
 
struct  conj_helper< Packet4cf, Packet4cf, false, true >
 
struct  conj_helper< Packet4cf, Packet4cf, true, false >
 
struct  conj_helper< Packet4cf, Packet4cf, true, true >
 
struct  conj_helper< Packet4cf, Packet8f, false, false >
 
struct  conj_helper< Packet4d, Packet2cd, false, false >
 
struct  conj_helper< Packet4f, Packet2cf, false, false >
 
struct  conj_helper< Packet8f, Packet4cf, false, false >
 
struct  conj_helper< RealScalar, std::complex< RealScalar >, false, Conj >
 
struct  conj_helper< Scalar, Scalar, false, false >
 
struct  conj_helper< std::complex< RealScalar >, RealScalar, Conj, false >
 
struct  conj_helper< std::complex< RealScalar >, std::complex< RealScalar >, false, true >
 
struct  conj_helper< std::complex< RealScalar >, std::complex< RealScalar >, true, false >
 
struct  conj_helper< std::complex< RealScalar >, std::complex< RealScalar >, true, true >
 
struct  conj_if
 
struct  conj_if< false >
 
struct  conj_if< true >
 
struct  conservative_resize_like_impl
 
struct  conservative_resize_like_impl< Derived, OtherDerived, true >
 
struct  conservative_sparse_sparse_product_selector
 
struct  conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, ColMajor, ColMajor, ColMajor >
 
struct  conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, ColMajor, ColMajor, RowMajor >
 
struct  conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, ColMajor, RowMajor, ColMajor >
 
struct  conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, ColMajor, RowMajor, RowMajor >
 
struct  conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, RowMajor, ColMajor, ColMajor >
 
struct  conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, RowMajor, ColMajor, RowMajor >
 
struct  conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, RowMajor, RowMajor, ColMajor >
 
struct  conservative_sparse_sparse_product_selector< Lhs, Rhs, ResultType, RowMajor, RowMajor, RowMajor >
 
class  const_blas_data_mapper
 
struct  constructor_without_unaligned_array_assert
 
struct  copy_using_evaluator_DefaultTraversal_CompleteUnrolling
 
struct  copy_using_evaluator_DefaultTraversal_CompleteUnrolling< Kernel, Stop, Stop >
 
struct  copy_using_evaluator_DefaultTraversal_InnerUnrolling
 
struct  copy_using_evaluator_DefaultTraversal_InnerUnrolling< Kernel, Stop, Stop >
 
struct  copy_using_evaluator_innervec_CompleteUnrolling
 
struct  copy_using_evaluator_innervec_CompleteUnrolling< Kernel, Stop, Stop >
 
struct  copy_using_evaluator_innervec_InnerUnrolling
 
struct  copy_using_evaluator_innervec_InnerUnrolling< Kernel, Stop, Stop, SrcAlignment, DstAlignment >
 
struct  copy_using_evaluator_LinearTraversal_CompleteUnrolling
 
struct  copy_using_evaluator_LinearTraversal_CompleteUnrolling< Kernel, Stop, Stop >
 
struct  copy_using_evaluator_traits
 
struct  cross3_impl
 
struct  cross3_impl< Architecture::SSE, VectorLhs, VectorRhs, float, true >
 
struct  cwise_promote_storage_type
 
struct  cwise_promote_storage_type< A, A, Functor >
 
struct  cwise_promote_storage_type< A, Dense, Functor >
 
struct  cwise_promote_storage_type< Dense, B, Functor >
 
struct  cwise_promote_storage_type< Dense, Dense, Functor >
 
struct  cwise_promote_storage_type< Dense, Sparse, Functor >
 
struct  cwise_promote_storage_type< Sparse, Dense, Functor >
 
struct  decrement_if_fixed_size
 
struct  decrement_size
 
struct  default_digits10_impl
 
struct  default_digits10_impl< T, false, false >
 
struct  default_digits10_impl< T, false, true >
 
struct  default_packet_traits
 
struct  Dense2Dense
 
struct  Dense2Triangular
 
struct  dense_assignment_loop
 
struct  dense_assignment_loop< Kernel, DefaultTraversal, CompleteUnrolling >
 
struct  dense_assignment_loop< Kernel, DefaultTraversal, InnerUnrolling >
 
struct  dense_assignment_loop< Kernel, DefaultTraversal, NoUnrolling >
 
struct  dense_assignment_loop< Kernel, InnerVectorizedTraversal, CompleteUnrolling >
 
struct  dense_assignment_loop< Kernel, InnerVectorizedTraversal, InnerUnrolling >
 
struct  dense_assignment_loop< Kernel, InnerVectorizedTraversal, NoUnrolling >
 
struct  dense_assignment_loop< Kernel, LinearTraversal, CompleteUnrolling >
 
struct  dense_assignment_loop< Kernel, LinearTraversal, NoUnrolling >
 
struct  dense_assignment_loop< Kernel, LinearVectorizedTraversal, CompleteUnrolling >
 
struct  dense_assignment_loop< Kernel, LinearVectorizedTraversal, NoUnrolling >
 
struct  dense_assignment_loop< Kernel, SliceVectorizedTraversal, NoUnrolling >
 
class  dense_product_base
 
class  dense_product_base< Lhs, Rhs, Option, InnerProduct >
 Convertion to scalar for inner-products. More...
 
struct  dense_xpr_base
 
struct  dense_xpr_base< Derived, ArrayXpr >
 
struct  dense_xpr_base< Derived, MatrixXpr >
 
struct  determinant_impl
 
struct  determinant_impl< Derived, 1 >
 
struct  determinant_impl< Derived, 2 >
 
struct  determinant_impl< Derived, 3 >
 
struct  determinant_impl< Derived, 4 >
 
struct  dget
 
struct  Diagonal2Dense
 
struct  Diagonal2Sparse
 
struct  diagonal_product_evaluator_base
 
struct  digamma_impl
 
struct  digamma_impl_maybe_poly
 
struct  digamma_impl_maybe_poly< double >
 
struct  digamma_impl_maybe_poly< float >
 
struct  digamma_retval
 
struct  DimensionId
 
struct  DimensionId< Dynamic >
 
struct  DimInitializer
 
struct  DimInitializer< Sizes<> >
 
struct  direct_selfadjoint_eigenvalues
 
struct  direct_selfadjoint_eigenvalues< SolverType, 2, false >
 
struct  direct_selfadjoint_eigenvalues< SolverType, 3, false >
 
struct  div_assign_op
 
struct  dot_nocheck
 
struct  dot_nocheck< T, U, true >
 
struct  DoublePacket
 
struct  EigenBase2EigenBase
 
struct  eigenvalues_selector
 
struct  eigenvalues_selector< Derived, false >
 
struct  empty_list
 
struct  enable_if
 
struct  enable_if< true, T >
 
struct  enable_if_ref
 
struct  enable_if_ref< Ref< T >, Derived >
 
struct  EnableIf
 
struct  equal_op
 
struct  erf_impl
 
struct  erf_retval
 
struct  erfc_impl
 
struct  erfc_retval
 
struct  etor_product_coeff_impl
 
struct  etor_product_packet_impl
 
struct  etor_product_packet_impl< ColMajor, 0, Lhs, Rhs, Packet, LoadMode >
 
struct  etor_product_packet_impl< ColMajor, 1, Lhs, Rhs, Packet, LoadMode >
 
struct  etor_product_packet_impl< ColMajor, Dynamic, Lhs, Rhs, Packet, LoadMode >
 
struct  etor_product_packet_impl< ColMajor, UnrollingIndex, Lhs, Rhs, Packet, LoadMode >
 
struct  etor_product_packet_impl< RowMajor, 0, Lhs, Rhs, Packet, LoadMode >
 
struct  etor_product_packet_impl< RowMajor, 1, Lhs, Rhs, Packet, LoadMode >
 
struct  etor_product_packet_impl< RowMajor, Dynamic, Lhs, Rhs, Packet, LoadMode >
 
struct  etor_product_packet_impl< RowMajor, UnrollingIndex, Lhs, Rhs, Packet, LoadMode >
 
struct  eval
 
struct  eval< Array< _Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols >, Dense >
 
struct  eval< const Tensor< _Scalar, NumIndices_, Options, IndexType_ >, Eigen::Dense >
 
struct  eval< const TensorFixedSize< Scalar_, Dimensions, Options, IndexType_ >, Eigen::Dense >
 
struct  eval< const TensorMap< PlainObjectType, Options, MakePointer >, Eigen::Dense >
 
struct  eval< const TensorRef< PlainObjectType >, Eigen::Dense >
 
struct  eval< Matrix< _Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols >, Dense >
 
struct  eval< T, Dense >
 
struct  eval< T, DiagonalShape >
 
class  eval< T, IsSkyline >
 
struct  eval< T, Sparse >
 
struct  eval< Tensor< _Scalar, NumIndices_, Options, IndexType_ >, Eigen::Dense >
 
struct  eval< TensorAssignOp< LhsXprType, RhsXprType >, Eigen::Dense >
 
struct  eval< TensorBroadcastingOp< Broadcast, XprType >, Eigen::Dense >
 
struct  eval< TensorChippingOp< DimId, XprType >, Eigen::Dense >
 
struct  eval< TensorConcatenationOp< Axis, LhsXprType, RhsXprType >, Eigen::Dense >
 
struct  eval< TensorContractionOp< Dimensions, LhsXprType, RhsXprType >, Eigen::Dense >
 
struct  eval< TensorConversionOp< TargetType, XprType >, Eigen::Dense >
 
struct  eval< TensorConvolutionOp< Dimensions, InputXprType, KernelXprType >, Eigen::Dense >
 
struct  eval< TensorCustomBinaryOp< CustomBinaryFunc, LhsXprType, RhsXprType >, Eigen::Dense >
 
struct  eval< TensorCustomUnaryOp< CustomUnaryFunc, XprType >, Eigen::Dense >
 
struct  eval< TensorCwiseBinaryOp< BinaryOp, LhsXprType, RhsXprType >, Eigen::Dense >
 
struct  eval< TensorCwiseTernaryOp< TernaryOp, Arg1XprType, Arg2XprType, Arg3XprType >, Eigen::Dense >
 
struct  eval< TensorCwiseUnaryOp< UnaryOp, XprType >, Eigen::Dense >
 
struct  eval< TensorEvalToOp< XprType, MakePointer_ >, Eigen::Dense >
 
struct  eval< TensorFixedSize< Scalar_, Dimensions, Options, IndexType_ >, Eigen::Dense >
 
struct  eval< TensorForcedEvalOp< XprType, MakePointer_ >, Eigen::Dense >
 
struct  eval< TensorGeneratorOp< Generator, XprType >, Eigen::Dense >
 
struct  eval< TensorImagePatchOp< Rows, Cols, XprType >, Eigen::Dense >
 
struct  eval< TensorIndexTupleOp< XprType >, Eigen::Dense >
 
struct  eval< TensorInflationOp< Strides, XprType >, Eigen::Dense >
 
struct  eval< TensorLayoutSwapOp< XprType >, Eigen::Dense >
 
struct  eval< TensorMap< PlainObjectType, Options, MakePointer >, Eigen::Dense >
 
struct  eval< TensorPaddingOp< PaddingDimensions, XprType >, Eigen::Dense >
 
struct  eval< TensorPatchOp< PatchDim, XprType >, Eigen::Dense >
 
struct  eval< TensorReductionOp< Op, Dims, XprType, MakePointer_ >, Eigen::Dense >
 
struct  eval< TensorRef< PlainObjectType >, Eigen::Dense >
 
struct  eval< TensorReshapingOp< NewDimensions, XprType >, Eigen::Dense >
 
struct  eval< TensorReverseOp< ReverseDimensions, XprType >, Eigen::Dense >
 
struct  eval< TensorScanOp< Op, XprType >, Eigen::Dense >
 
struct  eval< TensorSelectOp< IfXprType, ThenXprType, ElseXprType >, Eigen::Dense >
 
struct  eval< TensorShufflingOp< Shuffle, XprType >, Eigen::Dense >
 
struct  eval< TensorSlicingOp< StartIndices, Sizes, XprType >, Eigen::Dense >
 
struct  eval< TensorStridingOp< Strides, XprType >, Eigen::Dense >
 
struct  eval< TensorStridingSlicingOp< StartIndices, StopIndices, Strides, XprType >, Eigen::Dense >
 
struct  eval< TensorTupleReducerOp< ReduceOp, Dims, XprType >, Eigen::Dense >
 
struct  eval< TensorVolumePatchOp< Planes, Rows, Cols, XprType >, Eigen::Dense >
 
class  EvalToTemp
 
struct  evaluator
 
struct  evaluator< Array< Scalar, Rows, Cols, Options, MaxRows, MaxCols > >
 
struct  evaluator< Block< ArgType, BlockRows, BlockCols, InnerPanel > >
 
struct  evaluator< const T >
 
struct  evaluator< CwiseBinaryOp< BinaryOp, Lhs, Rhs > >
 
struct  evaluator< CwiseBinaryOp< internal::scalar_product_op< Scalar1, Scalar2 >, const CwiseNullaryOp< internal::scalar_constant_op< Scalar1 >, Plain1 >, const Product< Lhs, Rhs, DefaultProduct > > >
 
struct  evaluator< CwiseNullaryOp< NullaryOp, PlainObjectType > >
 
struct  evaluator< CwiseTernaryOp< TernaryOp, Arg1, Arg2, Arg3 > >
 
struct  evaluator< Diagonal< ArgType, DiagIndex > >
 
struct  evaluator< Diagonal< const Product< Lhs, Rhs, DefaultProduct >, DiagIndex > >
 
struct  evaluator< DynamicSparseMatrix< _Scalar, _Options, _StorageIndex > >
 
struct  evaluator< EvalToTemp< ArgType > >
 
struct  evaluator< Map< const SparseMatrix< MatScalar, MatOptions, MatIndex >, Options, StrideType > >
 
struct  evaluator< Map< PlainObjectType, MapOptions, StrideType > >
 
struct  evaluator< Map< SparseMatrix< MatScalar, MatOptions, MatIndex >, Options, StrideType > >
 
struct  evaluator< MappedSparseMatrix< _Scalar, _Options, _StorageIndex > >
 
struct  evaluator< Matrix< Scalar, Rows, Cols, Options, MaxRows, MaxCols > >
 
struct  evaluator< PartialReduxExpr< ArgType, MemberOp, Direction > >
 
struct  evaluator< PlainObjectBase< Derived > >
 
struct  evaluator< Product< Lhs, Rhs, Options > >
 
struct  evaluator< Ref< const SparseMatrix< MatScalar, MatOptions, MatIndex >, Options, StrideType > >
 
struct  evaluator< Ref< const SparseVector< MatScalar, MatOptions, MatIndex >, Options, StrideType > >
 
struct  evaluator< Ref< PlainObjectType, RefOptions, StrideType > >
 
struct  evaluator< Ref< SparseMatrix< MatScalar, MatOptions, MatIndex >, Options, StrideType > >
 
struct  evaluator< Ref< SparseVector< MatScalar, MatOptions, MatIndex >, Options, StrideType > >
 
struct  evaluator< ReturnByValue< Derived > >
 
struct  evaluator< Select< ConditionMatrixType, ThenMatrixType, ElseMatrixType > >
 
struct  evaluator< Solve< Decomposition, RhsType > >
 
struct  evaluator< SolveWithGuess< Decomposition, RhsType, GuessType > >
 
struct  evaluator< SparseCompressedBase< Derived > >
 
struct  evaluator< SparseMatrix< _Scalar, _Options, _Index > >
 
struct  evaluator< SparseVector< _Scalar, _Options, _Index > >
 
struct  evaluator_assume_aliasing
 
struct  evaluator_assume_aliasing< CwiseBinaryOp< internal::scalar_product_op< Scalar1, Scalar2 >, const CwiseNullaryOp< internal::scalar_constant_op< Scalar1 >, Plain1 >, const Product< Lhs, Rhs, DefaultProduct > > >
 
struct  evaluator_assume_aliasing< CwiseBinaryOp< internal::scalar_sum_op< typename OtherXpr::Scalar, typename Product< Lhs, Rhs, DefaultProduct >::Scalar >, const OtherXpr, const Product< Lhs, Rhs, DefaultProduct > >, DenseShape >
 
struct  evaluator_assume_aliasing< Product< Lhs, Rhs, DefaultProduct > >
 
struct  evaluator_base
 
struct  evaluator_traits
 
struct  evaluator_traits< BandMatrix< _Scalar, _Rows, _Cols, _Supers, _Subs, _Options > >
 
struct  evaluator_traits< BandMatrixWrapper< _CoefficientsType, _Rows, _Cols, _Supers, _Subs, _Options > >
 
struct  evaluator_traits< Homogeneous< ArgType, Direction > >
 
struct  evaluator_traits< HouseholderSequence< VectorsType, CoeffsType, Side > >
 
struct  evaluator_traits< SelfAdjointView< MatrixType, Mode > >
 
struct  evaluator_traits< SparseQRMatrixQReturnType< SparseQRType > >
 
struct  evaluator_traits< SparseSelfAdjointView< MatrixType, Mode > >
 
struct  evaluator_traits< TriangularView< MatrixType, Mode > >
 
struct  evaluator_traits_base
 
struct  evaluator_wrapper_base
 
struct  extract_data_selector
 
struct  extract_data_selector< T, false >
 
struct  false_type
 
struct  fftw_impl
 
struct  fftw_plan
 
struct  fftw_plan< double >
 
struct  fftw_plan< float >
 
struct  fftw_plan< long double >
 
struct  find_best_packet
 
struct  find_best_packet_helper
 
struct  find_best_packet_helper< Size, PacketType, false >
 
struct  find_best_packet_helper< Size, PacketType, true >
 
struct  first_aligned_impl
 
struct  first_aligned_impl< Alignment, Derived, false >
 
struct  fixed_size_tensor_index_extraction_helper
 
struct  fixed_size_tensor_index_extraction_helper< Index, 0 >
 
struct  fixed_size_tensor_index_linearization_helper
 
struct  fixed_size_tensor_index_linearization_helper< Index, NumIndices, 0, RowMajor >
 
struct  FullPivHouseholderQRMatrixQReturnType
 Expression type for return value of FullPivHouseholderQR::matrixQ() More...
 
struct  FullReducer
 
struct  FullReducer< Self, Op, const Eigen::SyclDevice, Vectorizable >
 For now let's start with a full reducer Self is useless here because in expression construction we are going to treat reduction as a leafnode. More...
 
struct  functor_has_linear_access
 
struct  functor_traits
 
struct  functor_traits< add_assign_op< DstScalar, SrcScalar > >
 
struct  functor_traits< assign_op< DstScalar, SrcScalar > >
 
struct  functor_traits< bind1st_op< BinaryOp > >
 
struct  functor_traits< bind2nd_op< BinaryOp > >
 
struct  functor_traits< div_assign_op< DstScalar, SrcScalar > >
 
struct  functor_traits< GaussianGenerator< T, Index, NumDims > >
 
struct  functor_traits< linspaced_op< Scalar, PacketType > >
 
struct  functor_traits< max_coeff_visitor< Scalar > >
 
struct  functor_traits< min_coeff_visitor< Scalar > >
 
struct  functor_traits< mul_assign_op< DstScalar, SrcScalar > >
 
struct  functor_traits< NormalRandomGenerator< Scalar > >
 
struct  functor_traits< scalar_abs2_op< Scalar > >
 
struct  functor_traits< scalar_abs_op< Scalar > >
 
struct  functor_traits< scalar_acos_op< Scalar > >
 
struct  functor_traits< scalar_arg_op< Scalar > >
 
struct  functor_traits< scalar_asin_op< Scalar > >
 
struct  functor_traits< scalar_atan_op< Scalar > >
 
struct  functor_traits< scalar_betainc_op< Scalar > >
 
struct  functor_traits< scalar_boolean_and_op >
 
struct  functor_traits< scalar_boolean_not_op< Scalar > >
 
struct  functor_traits< scalar_boolean_or_op >
 
struct  functor_traits< scalar_boolean_xor_op >
 
struct  functor_traits< scalar_cast_op< Eigen::half, float > >
 
struct  functor_traits< scalar_cast_op< float, Eigen::half > >
 
struct  functor_traits< scalar_cast_op< int, Eigen::half > >
 
struct  functor_traits< scalar_cast_op< Scalar, NewType > >
 
struct  functor_traits< scalar_ceil_op< Scalar > >
 
struct  functor_traits< scalar_cmp_op< LhsScalar, RhsScalar, cmp > >
 
struct  functor_traits< scalar_conj_product_op< LhsScalar, RhsScalar > >
 
struct  functor_traits< scalar_conjugate_op< Scalar > >
 
struct  functor_traits< scalar_constant_op< Scalar > >
 
struct  functor_traits< scalar_cos_op< Scalar > >
 
struct  functor_traits< scalar_cosh_op< Scalar > >
 
struct  functor_traits< scalar_cube_op< Scalar > >
 
struct  functor_traits< scalar_difference_op< LhsScalar, RhsScalar > >
 
struct  functor_traits< scalar_digamma_op< Scalar > >
 
struct  functor_traits< scalar_erf_op< Scalar > >
 
struct  functor_traits< scalar_erfc_op< Scalar > >
 
struct  functor_traits< scalar_exp_op< Scalar > >
 
struct  functor_traits< scalar_floor_op< Scalar > >
 
struct  functor_traits< scalar_fmod_op< Scalar > >
 
struct  functor_traits< scalar_hypot_op< Scalar, Scalar > >
 
struct  functor_traits< scalar_identity_op< Scalar > >
 
struct  functor_traits< scalar_igamma_op< Scalar > >
 
struct  functor_traits< scalar_igammac_op< Scalar > >
 
struct  functor_traits< scalar_imag_op< Scalar > >
 
struct  functor_traits< scalar_imag_ref_op< Scalar > >
 
struct  functor_traits< scalar_inverse_op< Scalar > >
 
struct  functor_traits< scalar_isfinite_op< Scalar > >
 
struct  functor_traits< scalar_isinf_op< Scalar > >
 
struct  functor_traits< scalar_isnan_op< Scalar > >
 
struct  functor_traits< scalar_lgamma_op< Scalar > >
 
struct  functor_traits< scalar_log10_op< Scalar > >
 
struct  functor_traits< scalar_log1p_op< Scalar > >
 
struct  functor_traits< scalar_log_op< Scalar > >
 
struct  functor_traits< scalar_max_op< LhsScalar, RhsScalar > >
 
struct  functor_traits< scalar_min_op< LhsScalar, RhsScalar > >
 
struct  functor_traits< scalar_mod2_op< Scalar > >
 
struct  functor_traits< scalar_mod_op< Scalar > >
 
struct  functor_traits< scalar_norm1_op >
 
struct  functor_traits< scalar_opposite_op< Scalar > >
 
struct  functor_traits< scalar_polygamma_op< Scalar > >
 
struct  functor_traits< scalar_pow_op< Scalar, Exponent > >
 
struct  functor_traits< scalar_product_op< LhsScalar, RhsScalar > >
 
struct  functor_traits< scalar_quotient_op< LhsScalar, RhsScalar > >
 
struct  functor_traits< scalar_random_op< Scalar > >
 
struct  functor_traits< scalar_real_op< Scalar > >
 
struct  functor_traits< scalar_real_ref_op< Scalar > >
 
struct  functor_traits< scalar_round_op< Scalar > >
 
struct  functor_traits< scalar_rsqrt_op< Scalar > >
 
struct  functor_traits< scalar_score_coeff_op< Scalar > >
 
struct  functor_traits< scalar_sigmoid_op< T > >
 
struct  functor_traits< scalar_sign_op< Scalar > >
 
struct  functor_traits< scalar_sin_op< Scalar > >
 
struct  functor_traits< scalar_sinh_op< Scalar > >
 
struct  functor_traits< scalar_sqrt_op< Scalar > >
 
struct  functor_traits< scalar_square_op< Scalar > >
 
struct  functor_traits< scalar_sum_op< LhsScalar, RhsScalar > >
 
struct  functor_traits< scalar_tan_op< Scalar > >
 
struct  functor_traits< scalar_tanh_op< Scalar > >
 
struct  functor_traits< scalar_zeta_op< Scalar > >
 
struct  functor_traits< std::binary_negate< T > >
 
struct  functor_traits< std::binder1st< T > >
 
struct  functor_traits< std::binder2nd< T > >
 
struct  functor_traits< std::divides< T > >
 
struct  functor_traits< std::equal_to< T > >
 
struct  functor_traits< std::greater< T > >
 
struct  functor_traits< std::greater_equal< T > >
 
struct  functor_traits< std::less< T > >
 
struct  functor_traits< std::less_equal< T > >
 
struct  functor_traits< std::logical_and< T > >
 
struct  functor_traits< std::logical_not< T > >
 
struct  functor_traits< std::logical_or< T > >
 
struct  functor_traits< std::minus< T > >
 
struct  functor_traits< std::multiplies< T > >
 
struct  functor_traits< std::negate< T > >
 
struct  functor_traits< std::not_equal_to< T > >
 
struct  functor_traits< std::plus< T > >
 
struct  functor_traits< std::unary_negate< T > >
 
struct  functor_traits< sub_assign_op< DstScalar, SrcScalar > >
 
struct  functor_traits< swap_assign_op< Scalar > >
 
struct  functor_traits< UniformRandomGenerator< Scalar > >
 
class  GaussianGenerator
 
struct  gebp_kernel
 
struct  gebp_madd_selector
 
struct  gebp_madd_selector< CJ, T, T, T, T >
 
class  gebp_traits
 
class  gebp_traits< RealScalar, std::complex< RealScalar >, false, _ConjRhs >
 
class  gebp_traits< std::complex< RealScalar >, RealScalar, _ConjLhs, false >
 
class  gebp_traits< std::complex< RealScalar >, std::complex< RealScalar >, _ConjLhs, _ConjRhs >
 
class  gemm_blocking_space
 
class  gemm_blocking_space< StorageOrder, _LhsScalar, _RhsScalar, MaxRows, MaxCols, MaxDepth, KcFactor, false >
 
class  gemm_blocking_space< StorageOrder, _LhsScalar, _RhsScalar, MaxRows, MaxCols, MaxDepth, KcFactor, true >
 
struct  gemm_functor
 
struct  gemm_pack_lhs
 
struct  gemm_pack_lhs< Scalar, Index, DataMapper, Pack1, Pack2, ColMajor, Conjugate, PanelMode >
 
struct  gemm_pack_lhs< Scalar, Index, DataMapper, Pack1, Pack2, RowMajor, Conjugate, PanelMode >
 
struct  gemm_pack_rhs
 
struct  gemm_pack_rhs< Scalar, Index, DataMapper, nr, ColMajor, Conjugate, PanelMode >
 
struct  gemm_pack_rhs< Scalar, Index, DataMapper, nr, RowMajor, Conjugate, PanelMode >
 
struct  GemmParallelInfo
 
struct  gemv_dense_selector
 
struct  gemv_dense_selector< OnTheLeft, StorageOrder, BlasCompatible >
 
struct  gemv_dense_selector< OnTheRight, ColMajor, false >
 
struct  gemv_dense_selector< OnTheRight, ColMajor, true >
 
struct  gemv_dense_selector< OnTheRight, RowMajor, false >
 
struct  gemv_dense_selector< OnTheRight, RowMajor, true >
 
struct  gemv_static_vector_if
 
struct  gemv_static_vector_if< Scalar, Size, Dynamic, true >
 
struct  gemv_static_vector_if< Scalar, Size, MaxSize, false >
 
struct  gemv_static_vector_if< Scalar, Size, MaxSize, true >
 
struct  gen_numeric_list_repeated
 
struct  gen_numeric_list_repeated< T, 1, V >
 
struct  gen_numeric_list_repeated< T, 2, V >
 
struct  gen_numeric_list_repeated< T, 3, V >
 
struct  gen_numeric_list_repeated< T, 4, V >
 
struct  gen_numeric_list_repeated< T, 5, V >
 
struct  gen_numeric_list_repeated< T, 6, V >
 
struct  gen_numeric_list_repeated< T, 7, V >
 
struct  gen_numeric_list_repeated< T, 8, V >
 
struct  general_matrix_matrix_product
 
struct  general_matrix_matrix_product< Index, LhsScalar, LhsStorageOrder, ConjugateLhs, RhsScalar, RhsStorageOrder, ConjugateRhs, ColMajor >
 
struct  general_matrix_matrix_product< Index, LhsScalar, LhsStorageOrder, ConjugateLhs, RhsScalar, RhsStorageOrder, ConjugateRhs, RowMajor >
 
struct  general_matrix_matrix_rankupdate
 
struct  general_matrix_matrix_triangular_product
 
struct  general_matrix_matrix_triangular_product< Index, LhsScalar, LhsStorageOrder, ConjugateLhs, RhsScalar, RhsStorageOrder, ConjugateRhs, ColMajor, UpLo, Version >
 
struct  general_matrix_matrix_triangular_product< Index, LhsScalar, LhsStorageOrder, ConjugateLhs, RhsScalar, RhsStorageOrder, ConjugateRhs, RowMajor, UpLo, Version >
 
struct  general_matrix_vector_product
 
struct  general_matrix_vector_product< Index, LhsScalar, LhsMapper, ColMajor, ConjugateLhs, RhsScalar, RhsMapper, ConjugateRhs, Version >
 
struct  general_matrix_vector_product< Index, LhsScalar, LhsMapper, RowMajor, ConjugateLhs, RhsScalar, RhsMapper, ConjugateRhs, Version >
 
struct  general_matrix_vector_product_gemv
 
struct  general_rank1_update
 
struct  general_rank1_update< Scalar, Index, ColMajor, ConjLhs, ConjRhs >
 
struct  general_rank1_update< Scalar, Index, RowMajor, ConjLhs, ConjRhs >
 
class  generic_dense_assignment_kernel
 
class  generic_dense_assignment_kernel< DstEvaluatorTypeT, SrcEvaluatorTypeT, swap_assign_op< typename DstEvaluatorTypeT::Scalar >, Specialized >
 
class  generic_matrix_wrapper
 
class  generic_matrix_wrapper< MatrixType, false >
 
class  generic_matrix_wrapper< MatrixType, true >
 
struct  generic_product_impl
 
struct  generic_product_impl< Homogeneous< LhsArg, Horizontal >, Rhs, HomogeneousShape, DenseShape, ProductTag >
 
struct  generic_product_impl< Inverse< Lhs >, Rhs, PermutationShape, MatrixShape, ProductTag >
 
struct  generic_product_impl< Lhs, Homogeneous< RhsArg, Vertical >, DenseShape, HomogeneousShape, ProductTag >
 
struct  generic_product_impl< Lhs, Homogeneous< RhsArg, Vertical >, TriangularShape, HomogeneousShape, ProductTag >
 
struct  generic_product_impl< Lhs, Inverse< Rhs >, MatrixShape, PermutationShape, ProductTag >
 
struct  generic_product_impl< Lhs, Rhs, DenseShape, DenseShape, CoeffBasedProductMode >
 
struct  generic_product_impl< Lhs, Rhs, DenseShape, DenseShape, GemmProduct >
 
struct  generic_product_impl< Lhs, Rhs, DenseShape, DenseShape, GemvProduct >
 
struct  generic_product_impl< Lhs, Rhs, DenseShape, DenseShape, InnerProduct >
 
struct  generic_product_impl< Lhs, Rhs, DenseShape, DenseShape, LazyCoeffBasedProductMode >
 
struct  generic_product_impl< Lhs, Rhs, DenseShape, DenseShape, OuterProduct >
 
struct  generic_product_impl< Lhs, Rhs, DenseShape, SelfAdjointShape, ProductTag >
 
struct  generic_product_impl< Lhs, Rhs, DenseShape, SparseShape, ProductType >
 
struct  generic_product_impl< Lhs, Rhs, DenseShape, SparseTriangularShape, ProductType >
 
struct  generic_product_impl< Lhs, Rhs, DenseShape, TriangularShape, ProductTag >
 
struct  generic_product_impl< Lhs, Rhs, MatrixShape, PermutationShape, ProductTag >
 
struct  generic_product_impl< Lhs, Rhs, MatrixShape, TranspositionsShape, ProductTag >
 
struct  generic_product_impl< Lhs, Rhs, PermutationShape, MatrixShape, ProductTag >
 
struct  generic_product_impl< Lhs, Rhs, SelfAdjointShape, DenseShape, ProductTag >
 
struct  generic_product_impl< Lhs, Rhs, SparseShape, DenseShape, ProductType >
 
struct  generic_product_impl< Lhs, Rhs, SparseShape, SparseShape, ProductType >
 
struct  generic_product_impl< Lhs, Rhs, SparseShape, SparseTriangularShape, ProductType >
 
struct  generic_product_impl< Lhs, Rhs, SparseTriangularShape, DenseShape, ProductType >
 
struct  generic_product_impl< Lhs, Rhs, SparseTriangularShape, SparseShape, ProductType >
 
struct  generic_product_impl< Lhs, Rhs, TranspositionsShape, MatrixShape, ProductTag >
 
struct  generic_product_impl< Lhs, Rhs, TriangularShape, DenseShape, ProductTag >
 
struct  generic_product_impl< Lhs, RhsView, DenseShape, SparseSelfAdjointShape, ProductType >
 
struct  generic_product_impl< Lhs, Transpose< Rhs >, MatrixShape, TranspositionsShape, ProductTag >
 
struct  generic_product_impl< LhsView, Rhs, SparseSelfAdjointShape, DenseShape, ProductType >
 
struct  generic_product_impl< MatrixReplacement, Rhs, SparseShape, DenseShape, GemvProduct >
 
struct  generic_product_impl< Transform< Scalar, Dim, Mode, Options >, Homogeneous< RhsArg, Vertical >, DenseShape, HomogeneousShape, ProductTag >
 
struct  generic_product_impl< Transpose< Lhs >, Rhs, TranspositionsShape, MatrixShape, ProductTag >
 
struct  generic_product_impl_base
 
struct  generic_xpr_base
 
struct  generic_xpr_base< Derived, MatrixXpr, SolverStorage >
 
struct  generic_xpr_base< Derived, MatrixXpr, Sparse >
 
struct  generic_xpr_base< Derived, XprKind, Dense >
 
struct  GenericDimReducer
 
struct  GenericDimReducer< 0, Self, Op >
 
struct  GenericDimReducer<-1, Self, Op >
 
struct  get
 
struct  get< 0, type_list< Head, empty_list > >
 
struct  get< 0, type_list< Head, Tail > >
 
struct  get< i, empty_list >
 
struct  get< i, type_list< Head, empty_list > >
 
struct  get< i, type_list< Head, Tail > >
 
struct  get_boxes_helper
 
struct  get_boxes_helper< ObjectList, VolumeList, int >
 
struct  get_factor
 
struct  get_factor< Scalar, typename NumTraits< Scalar >::Real >
 
struct  get_type
 
struct  get_type< 0, type_list< Head, Tail > >
 
struct  get_type< i, type_list< Head, Tail > >
 
struct  glue_shapes
 
struct  glue_shapes< DenseShape, TriangularShape >
 
struct  glue_shapes< SparseShape, SelfAdjointShape >
 
struct  glue_shapes< SparseShape, TriangularShape >
 
struct  greater_equal_op
 
struct  greater_equal_zero_op
 
struct  greater_op
 
struct  has_binary_operator
 
struct  has_binary_operator< linspaced_op< Scalar, PacketType >, IndexType >
 
struct  has_binary_operator< scalar_constant_op< Scalar >, IndexType >
 
struct  has_binary_operator< scalar_identity_op< Scalar >, IndexType >
 
struct  has_binary_operator< scalar_random_op< Scalar >, IndexType >
 
struct  has_direct_access
 
struct  has_none
 
struct  has_nullary_operator
 
struct  has_nullary_operator< linspaced_op< Scalar, PacketType >, IndexType >
 
struct  has_nullary_operator< scalar_constant_op< Scalar >, IndexType >
 
struct  has_nullary_operator< scalar_identity_op< Scalar >, IndexType >
 
struct  has_nullary_operator< scalar_random_op< Scalar >, IndexType >
 
struct  has_ReturnType
 
struct  has_std_result_type
 
struct  has_tr1_result
 
struct  has_unary_operator
 
struct  has_unary_operator< linspaced_op< Scalar, PacketType >, IndexType >
 
struct  has_unary_operator< scalar_constant_op< Scalar >, IndexType >
 
struct  has_unary_operator< scalar_identity_op< Scalar >, IndexType >
 
struct  has_unary_operator< scalar_random_op< Scalar >, IndexType >
 
struct  HessenbergDecompositionMatrixHReturnType
 
struct  homogeneous_left_product_impl
 
struct  homogeneous_left_product_impl< Homogeneous< MatrixType, Vertical >, Lhs >
 
struct  homogeneous_left_product_refactoring_helper
 
struct  homogeneous_right_product_impl
 
struct  homogeneous_right_product_impl< Homogeneous< MatrixType, Horizontal >, Rhs >
 
struct  homogeneous_right_product_refactoring_helper
 
struct  householder_qr_inplace_blocked
 
struct  HouseholderSequenceShape
 
struct  hseq_side_dependent_impl
 
struct  hseq_side_dependent_impl< VectorsType, CoeffsType, OnTheRight >
 
struct  igamma_impl
 
struct  igamma_retval
 
struct  igammac_impl
 
struct  igammac_retval
 
struct  image_retval
 
struct  image_retval< FullPivLU< _MatrixType > >
 
class  image_retval_base
 
struct  increment_if_fixed_size
 
struct  index_known_statically_impl
 
struct  index_known_statically_impl< const DimensionList< Index, Rank > >
 
struct  index_known_statically_impl< DimensionList< Index, Rank > >
 
struct  index_pair_first_statically_eq_impl
 
struct  index_pair_second_statically_eq_impl
 
struct  index_statically_eq_impl
 
struct  index_statically_eq_impl< const DimensionList< Index, Rank > >
 
struct  index_statically_eq_impl< DimensionList< Index, Rank > >
 
struct  index_statically_gt_impl
 
struct  index_statically_gt_impl< const DimensionList< Index, Rank > >
 
struct  index_statically_gt_impl< DimensionList< Index, Rank > >
 
struct  index_statically_lt_impl
 
struct  index_statically_lt_impl< const DimensionList< Index, Rank > >
 
struct  index_statically_lt_impl< DimensionList< Index, Rank > >
 
struct  index_statically_ne_impl
 
struct  index_statically_ne_impl< const DimensionList< Index, Rank > >
 
struct  index_statically_ne_impl< DimensionList< Index, Rank > >
 
struct  IndexBased
 
class  IndexMapper
 
struct  indices_statically_known_to_increase_impl
 
struct  indices_statically_known_to_increase_impl< const DimensionList< Index, Rank > >
 
struct  indices_statically_known_to_increase_impl< DimensionList< Index, Rank > >
 
class  inner_iterator_selector
 
class  inner_iterator_selector< XprType, IndexBased >
 
class  inner_iterator_selector< XprType, IteratorBased >
 
struct  inner_stride_at_compile_time
 
struct  inner_stride_at_compile_time< Derived, false >
 
struct  InnerMostDimPreserver
 
struct  InnerMostDimPreserver< 0, Self, Op, true >
 
struct  InnerMostDimPreserver< DimIndex, Self, Op, true >
 
struct  InnerMostDimPreserver<-1, Self, Op, true >
 
struct  InnerMostDimReducer
 
struct  InnerMostDimReducer< Self, Op, true >
 
struct  InnerReducer
 
struct  InnerReducer< Self, Op, const Eigen::SyclDevice >
 
struct  inplace_transpose_selector
 
struct  inplace_transpose_selector< MatrixType, false, MatchPacketSize >
 
struct  inplace_transpose_selector< MatrixType, true, false >
 
struct  inplace_transpose_selector< MatrixType, true, true >
 
struct  intersector_helper1
 
struct  intersector_helper2
 
struct  inverse_impl
 
struct  is_arithmetic
 
struct  is_arithmetic< __m128 >
 
struct  is_arithmetic< __m128d >
 
struct  is_arithmetic< __m128i >
 
struct  is_arithmetic< __m256 >
 
struct  is_arithmetic< __m256d >
 
struct  is_arithmetic< __m256i >
 
struct  is_arithmetic< __m512 >
 
struct  is_arithmetic< __m512d >
 
struct  is_arithmetic< __m512i >
 
struct  is_arithmetic< bool >
 
struct  is_arithmetic< char >
 
struct  is_arithmetic< double >
 
struct  is_arithmetic< float >
 
struct  is_arithmetic< half >
 
struct  is_arithmetic< long double >
 
struct  is_arithmetic< signed char >
 
struct  is_arithmetic< signed int >
 
struct  is_arithmetic< signed long >
 
struct  is_arithmetic< signed short >
 
struct  is_arithmetic< unsigned char >
 
struct  is_arithmetic< unsigned int >
 
struct  is_arithmetic< unsigned long >
 
struct  is_arithmetic< unsigned short >
 
struct  is_const
 
struct  is_const< T const >
 
struct  is_convertible
 
struct  is_convertible_impl
 
struct  is_diagonal
 
struct  is_diagonal< DiagonalBase< T > >
 
struct  is_diagonal< DiagonalMatrix< T, S > >
 
struct  is_diagonal< DiagonalWrapper< T > >
 
struct  is_input_scalar
 
struct  is_input_scalar< Sizes< Indices... > >
 
struct  is_input_scalar< Sizes<> >
 
struct  is_integral
 
struct  is_integral< bool >
 
struct  is_integral< char >
 
struct  is_integral< signed char >
 
struct  is_integral< signed int >
 
struct  is_integral< signed long >
 
struct  is_integral< signed short >
 
struct  is_integral< unsigned char >
 
struct  is_integral< unsigned int >
 
struct  is_integral< unsigned long >
 
struct  is_integral< unsigned short >
 
struct  is_lvalue
 
struct  is_ref_compatible
 
struct  is_ref_compatible_impl
 
struct  is_same
 
struct  is_same< T, T >
 
struct  isApprox_selector
 
struct  isApprox_selector< Derived, OtherDerived, true >
 
struct  isMuchSmallerThan_object_selector
 
struct  isMuchSmallerThan_object_selector< Derived, OtherDerived, true >
 
struct  isMuchSmallerThan_scalar_selector
 
struct  isMuchSmallerThan_scalar_selector< Derived, true >
 
struct  IsValidAxis
 
struct  IsVectorizable
 
struct  IsVectorizable< GpuDevice, Expression >
 
struct  IteratorBased
 
struct  kernel_retval
 
struct  kernel_retval< FullPivLU< _MatrixType > >
 
class  kernel_retval_base
 
struct  kiss_cpx_fft
 
struct  kissfft_impl
 
struct  lapacke_llt
 
struct  ldlt_inplace
 
struct  ldlt_inplace< Lower >
 
struct  ldlt_inplace< Upper >
 
struct  LDLT_Traits
 
struct  LDLT_Traits< MatrixType, Lower >
 
struct  LDLT_Traits< MatrixType, Upper >
 
struct  lesser_equal_op
 
struct  lesser_op
 
class  level3_blocking
 
struct  lgamma_impl
 
struct  lgamma_retval
 
struct  linspaced_op
 
struct  linspaced_op_impl
 
struct  linspaced_op_impl< Scalar, Packet, false >
 
struct  linspaced_op_impl< Scalar, Packet, true >
 
struct  llt_inplace
 
struct  llt_inplace< Scalar, Lower >
 
struct  llt_inplace< Scalar, Upper >
 
struct  LLT_Traits
 
struct  LLT_Traits< MatrixType, Lower >
 
struct  LLT_Traits< MatrixType, Upper >
 
struct  logical_and_op
 
struct  logical_or_op
 
struct  lpNorm_selector
 
struct  lpNorm_selector< Derived, 1 >
 
struct  lpNorm_selector< Derived, 2 >
 
struct  lpNorm_selector< Derived, Infinity >
 
struct  LU_GlobalLU_t
 
struct  LU_kernel_bmod
 
struct  LU_kernel_bmod< 1 >
 
struct  make_coherent_impl
 
struct  make_coherent_impl< A, Matrix< B_Scalar, B_Rows, B_Cols, B_Options, B_MaxRows, B_MaxCols > >
 
struct  make_coherent_impl< Matrix< A_Scalar, A_Rows, A_Cols, A_Options, A_MaxRows, A_MaxCols >, B >
 
struct  make_coherent_impl< Matrix< A_Scalar, A_Rows, A_Cols, A_Options, A_MaxRows, A_MaxCols >, Matrix< B_Scalar, B_Rows, B_Cols, B_Options, B_MaxRows, B_MaxCols > >
 
class  make_proper_matrix_type
 
struct  make_type_list
 
struct  make_type_list<>
 
struct  mapbase_evaluator
 
class  MappedSuperNodalMatrix
 a class to manipulate the L supernodal factor from the SparseLU factorization More...
 
struct  matrix_exp_computeUV
 Compute the (17,17)-Padé approximant to the exponential. More...
 
struct  matrix_exp_computeUV< MatrixType, double >
 
struct  matrix_exp_computeUV< MatrixType, float >
 
struct  matrix_exp_computeUV< MatrixType, long double >
 
struct  matrix_function_compute
 Class for computing matrix functions. More...
 
struct  matrix_function_compute< MatrixType, 0 >
 
struct  matrix_function_compute< MatrixType, 1 >
 
struct  matrix_log_max_pade_degree
 
struct  matrix_log_min_pade_degree
 
struct  matrix_sqrt_compute
 Helper struct for computing matrix square roots of general matrices. More...
 
struct  matrix_sqrt_compute< MatrixType, 0 >
 
struct  matrix_sqrt_compute< MatrixType, 1 >
 
struct  matrix_swap_impl
 
struct  matrix_swap_impl< MatrixTypeA, MatrixTypeB, true >
 
struct  matrix_type_times_scalar_type
 
struct  MatrixExponentialScalingOp
 Scaling operator. More...
 
class  MatrixFunctionAtomic
 Helper class for computing matrix functions of atomic matrices. More...
 
class  MatrixLogarithmAtomic
 Helper class for computing matrix logarithm of atomic matrices. More...
 
struct  max_coeff_visitor
 
struct  MaxReducer
 
struct  MeanReducer
 
struct  member_lpnorm
 
struct  member_redux
 
struct  meta_least_common_multiple
 
struct  meta_least_common_multiple< A, B, K, true >
 
struct  meta_no
 
class  meta_sqrt
 
class  meta_sqrt< Y, InfX, SupX, true >
 
struct  meta_yes
 
struct  min_coeff_visitor
 
struct  minimizer_helper1
 
struct  minimizer_helper2
 
struct  MinMaxBottomValue
 
struct  MinMaxBottomValue< T, false, false >
 
struct  MinMaxBottomValue< T, false, true >
 
struct  MinMaxBottomValue< T, true, false >
 
struct  MinReducer
 
struct  mul_assign_op
 
struct  negation_op
 
struct  nested
 
struct  nested< const Tensor< Scalar_, NumIndices_, Options_, IndexType_ > >
 
struct  nested< const TensorFixedSize< Scalar_, Dimensions, Options, IndexType_ > >
 
struct  nested< const TensorMap< PlainObjectType, Options, MakePointer > >
 
struct  nested< const TensorRef< PlainObjectType > >
 
struct  nested< Tensor< Scalar_, NumIndices_, Options_, IndexType_ > >
 
struct  nested< TensorAssignOp< LhsXprType, RhsXprType >, 1, typename eval< TensorAssignOp< LhsXprType, RhsXprType > >::type >
 
struct  nested< TensorBroadcastingOp< Broadcast, XprType >, 1, typename eval< TensorBroadcastingOp< Broadcast, XprType > >::type >
 
struct  nested< TensorChippingOp< DimId, XprType >, 1, typename eval< TensorChippingOp< DimId, XprType > >::type >
 
struct  nested< TensorConcatenationOp< Axis, LhsXprType, RhsXprType >, 1, typename eval< TensorConcatenationOp< Axis, LhsXprType, RhsXprType > >::type >
 
struct  nested< TensorContractionOp< Dimensions, LhsXprType, RhsXprType >, 1, typename eval< TensorContractionOp< Dimensions, LhsXprType, RhsXprType > >::type >
 
struct  nested< TensorConversionOp< TargetType, XprType >, 1, typename eval< TensorConversionOp< TargetType, XprType > >::type >
 
struct  nested< TensorConvolutionOp< Dimensions, InputXprType, KernelXprType >, 1, typename eval< TensorConvolutionOp< Dimensions, InputXprType, KernelXprType > >::type >
 
struct  nested< TensorCustomBinaryOp< CustomBinaryFunc, LhsXprType, RhsXprType > >
 
struct  nested< TensorCustomUnaryOp< CustomUnaryFunc, XprType > >
 
struct  nested< TensorCwiseBinaryOp< BinaryOp, LhsXprType, RhsXprType >, 1, typename eval< TensorCwiseBinaryOp< BinaryOp, LhsXprType, RhsXprType > >::type >
 
struct  nested< TensorCwiseTernaryOp< TernaryOp, Arg1XprType, Arg2XprType, Arg3XprType >, 1, typename eval< TensorCwiseTernaryOp< TernaryOp, Arg1XprType, Arg2XprType, Arg3XprType > >::type >
 
struct  nested< TensorCwiseUnaryOp< UnaryOp, XprType >, 1, typename eval< TensorCwiseUnaryOp< UnaryOp, XprType > >::type >
 
struct  nested< TensorEvalToOp< XprType, MakePointer_ >, 1, typename eval< TensorEvalToOp< XprType, MakePointer_ > >::type >
 
struct  nested< TensorFixedSize< Scalar_, Dimensions, Options, IndexType_ > >
 
struct  nested< TensorForcedEvalOp< XprType, MakePointer_ >, 1, typename eval< TensorForcedEvalOp< XprType, MakePointer_ > >::type >
 
struct  nested< TensorGeneratorOp< Generator, XprType >, 1, typename eval< TensorGeneratorOp< Generator, XprType > >::type >
 
struct  nested< TensorImagePatchOp< Rows, Cols, XprType >, 1, typename eval< TensorImagePatchOp< Rows, Cols, XprType > >::type >
 
struct  nested< TensorIndexTupleOp< XprType >, 1, typename eval< TensorIndexTupleOp< XprType > >::type >
 
struct  nested< TensorInflationOp< Strides, XprType >, 1, typename eval< TensorInflationOp< Strides, XprType > >::type >
 
struct  nested< TensorLayoutSwapOp< XprType >, 1, typename eval< TensorLayoutSwapOp< XprType > >::type >
 
struct  nested< TensorMap< PlainObjectType, Options, MakePointer > >
 
struct  nested< TensorPaddingOp< PaddingDimensions, XprType >, 1, typename eval< TensorPaddingOp< PaddingDimensions, XprType > >::type >
 
struct  nested< TensorPatchOp< PatchDim, XprType >, 1, typename eval< TensorPatchOp< PatchDim, XprType > >::type >
 
struct  nested< TensorReductionOp< Op, Dims, XprType, MakePointer_ >, 1, typename eval< TensorReductionOp< Op, Dims, XprType, MakePointer_ > >::type >
 
struct  nested< TensorRef< PlainObjectType > >
 
struct  nested< TensorReshapingOp< NewDimensions, XprType >, 1, typename eval< TensorReshapingOp< NewDimensions, XprType > >::type >
 
struct  nested< TensorReverseOp< ReverseDimensions, XprType >, 1, typename eval< TensorReverseOp< ReverseDimensions, XprType > >::type >
 
struct  nested< TensorScanOp< Op, XprType >, 1, typename eval< TensorScanOp< Op, XprType > >::type >
 
struct  nested< TensorSelectOp< IfXprType, ThenXprType, ElseXprType >, 1, typename eval< TensorSelectOp< IfXprType, ThenXprType, ElseXprType > >::type >
 
struct  nested< TensorShufflingOp< Shuffle, XprType >, 1, typename eval< TensorShufflingOp< Shuffle, XprType > >::type >
 
struct  nested< TensorSlicingOp< StartIndices, Sizes, XprType >, 1, typename eval< TensorSlicingOp< StartIndices, Sizes, XprType > >::type >
 
struct  nested< TensorStridingOp< Strides, XprType >, 1, typename eval< TensorStridingOp< Strides, XprType > >::type >
 
struct  nested< TensorStridingSlicingOp< StartIndices, StopIndices, Strides, XprType >, 1, typename eval< TensorStridingSlicingOp< StartIndices, StopIndices, Strides, XprType > >::type >
 
struct  nested< TensorTupleReducerOp< ReduceOp, Dims, XprType >, 1, typename eval< TensorTupleReducerOp< ReduceOp, Dims, XprType > >::type >
 
struct  nested< TensorVolumePatchOp< Planes, Rows, Cols, XprType >, 1, typename eval< TensorVolumePatchOp< Planes, Rows, Cols, XprType > >::type >
 
struct  nested_eval
 
struct  nested_eval< ReturnByValue< Derived >, n, PlainObject >
 
class  no_assignment_operator
 
class  noncopyable
 
class  NormalRandomGenerator
 
struct  not_equal_op
 
struct  not_op
 
struct  null_type
 
struct  nullary_wrapper
 
struct  nullary_wrapper< Scalar, NullaryOp, false, false, false >
 
struct  nullary_wrapper< Scalar, NullaryOp, false, false, true >
 
struct  nullary_wrapper< Scalar, NullaryOp, false, true, false >
 
struct  nullary_wrapper< Scalar, NullaryOp, true, false, false >
 
struct  OP
 
struct  OP< MatrixSolver, MatrixType, Scalar, false >
 
struct  OP< MatrixSolver, MatrixType, Scalar, true >
 
struct  OrReducer
 
struct  outer_stride_at_compile_time
 
struct  outer_stride_at_compile_time< Derived, false >
 
struct  OuterReducer
 
struct  packed_rank2_update_selector
 
struct  packed_triangular_matrix_vector_product
 
struct  packed_triangular_matrix_vector_product< Index, Mode, LhsScalar, ConjLhs, RhsScalar, ConjRhs, ColMajor >
 
struct  packed_triangular_matrix_vector_product< Index, Mode, LhsScalar, ConjLhs, RhsScalar, ConjRhs, RowMajor >
 
struct  packed_triangular_solve_vector
 
struct  packed_triangular_solve_vector< LhsScalar, RhsScalar, Index, OnTheLeft, Mode, Conjugate, ColMajor >
 
struct  packed_triangular_solve_vector< LhsScalar, RhsScalar, Index, OnTheLeft, Mode, Conjugate, RowMajor >
 
struct  packed_triangular_solve_vector< LhsScalar, RhsScalar, Index, OnTheRight, Mode, Conjugate, StorageOrder >
 
union  Packet
 
struct  Packet1cd
 
struct  Packet2cd
 
struct  Packet2cf
 
struct  Packet4cf
 
struct  Packet4f
 
struct  packet_traits
 
struct  packet_traits< const T >
 
struct  packet_traits< double >
 
struct  packet_traits< float >
 
struct  packet_traits< int >
 
struct  packet_traits< std::complex< double > >
 
struct  packet_traits< std::complex< float > >
 
struct  PacketBlock
 
struct  palign_impl
 
struct  palign_impl< Offset, Packet16f >
 
struct  palign_impl< Offset, Packet1cd >
 
struct  palign_impl< Offset, Packet2cd >
 
struct  palign_impl< Offset, Packet2cf >
 
struct  palign_impl< Offset, Packet2d >
 
struct  palign_impl< Offset, Packet4cf >
 
struct  palign_impl< Offset, Packet4d >
 
struct  palign_impl< Offset, Packet4f >
 
struct  palign_impl< Offset, Packet4i >
 
struct  palign_impl< Offset, Packet8d >
 
struct  palign_impl< Offset, Packet8f >
 
struct  panel_dfs_traits
 
struct  pardiso_run_selector
 
struct  pardiso_run_selector< long long int >
 
struct  pardiso_traits
 
struct  pardiso_traits< PardisoLDLT< _MatrixType, Options > >
 
struct  pardiso_traits< PardisoLLT< _MatrixType, Options > >
 
struct  pardiso_traits< PardisoLU< _MatrixType > >
 
struct  partial_lu_impl
 
struct  pastix_traits
 
struct  pastix_traits< PastixLDLT< _MatrixType, Options > >
 
struct  pastix_traits< PastixLLT< _MatrixType, Options > >
 
struct  pastix_traits< PastixLU< _MatrixType > >
 
struct  perfvalues
 
struct  permutation_matrix_product
 
struct  permutation_matrix_product< ExpressionType, Side, Transposed, DenseShape >
 
struct  permutation_matrix_product< ExpressionType, Side, Transposed, HomogeneousShape >
 
struct  permutation_matrix_product< ExpressionType, Side, Transposed, SparseShape >
 
struct  plain_array
 
struct  plain_array< T, 0, MatrixOrArrayOptions, Alignment >
 
struct  plain_array< T, Size, MatrixOrArrayOptions, 16 >
 
struct  plain_array< T, Size, MatrixOrArrayOptions, 32 >
 
struct  plain_array< T, Size, MatrixOrArrayOptions, 64 >
 
struct  plain_array< T, Size, MatrixOrArrayOptions, 8 >
 
struct  plain_col_type
 
struct  plain_constant_type
 
struct  plain_diag_type
 
struct  plain_matrix_type
 
struct  plain_matrix_type< T, Dense >
 
struct  plain_matrix_type< T, DiagonalShape >
 
struct  plain_matrix_type< T, Sparse >
 
struct  plain_matrix_type_column_major
 
struct  plain_matrix_type_dense
 
struct  plain_matrix_type_dense< T, ArrayXpr, Flags >
 
struct  plain_matrix_type_dense< T, MatrixXpr, Flags >
 
struct  plain_matrix_type_row_major
 
struct  plain_object_eval
 
struct  plain_object_eval< T, Dense >
 
struct  plain_object_eval< T, Sparse >
 
struct  plain_row_type
 
struct  polygamma_impl
 
struct  polygamma_retval
 
struct  preserve_inner_most_dims
 
struct  ProdReducer
 
struct  product_evaluator
 
struct  product_evaluator< Product< Lhs, Rhs, AliasFreeProduct >, ProductTag, PermutationShape, SparseShape >
 
struct  product_evaluator< Product< Lhs, Rhs, AliasFreeProduct >, ProductTag, SparseShape, PermutationShape >
 
struct  product_evaluator< Product< Lhs, Rhs, DefaultProduct >, LazyCoeffBasedProductMode, DenseShape, DenseShape >
 
struct  product_evaluator< Product< Lhs, Rhs, DefaultProduct >, OuterProduct, DenseShape, SparseShape >
 
struct  product_evaluator< Product< Lhs, Rhs, DefaultProduct >, OuterProduct, SparseShape, DenseShape >
 
struct  product_evaluator< Product< Lhs, Rhs, DefaultProduct >, ProductTag, DiagonalShape, SparseShape >
 
struct  product_evaluator< Product< Lhs, Rhs, DefaultProduct >, ProductTag, SparseShape, DiagonalShape >
 
struct  product_evaluator< Product< Lhs, Rhs, LazyProduct >, ProductTag, DenseShape, DenseShape >
 
struct  product_evaluator< Product< Lhs, Rhs, LazyProduct >, ProductTag, DenseShape, HomogeneousShape >
 
struct  product_evaluator< Product< Lhs, Rhs, LazyProduct >, ProductTag, HomogeneousShape, DenseShape >
 
struct  product_evaluator< Product< Lhs, Rhs, Options >, ProductTag, LhsShape, RhsShape >
 
struct  product_evaluator< Product< Lhs, Rhs, ProductKind >, ProductTag, DenseShape, DiagonalShape >
 
struct  product_evaluator< Product< Lhs, Rhs, ProductKind >, ProductTag, DiagonalShape, DenseShape >
 
struct  product_evaluator< Product< Lhs, RhsView, DefaultProduct >, ProductTag, SparseShape, SparseSelfAdjointShape >
 
struct  product_evaluator< Product< LhsView, Rhs, DefaultProduct >, ProductTag, SparseSelfAdjointShape, SparseShape >
 
struct  product_op
 
struct  product_promote_storage_type
 
struct  product_promote_storage_type< A, A, ProductTag >
 
struct  product_promote_storage_type< A, Dense, ProductTag >
 
struct  product_promote_storage_type< A, DiagonalShape, ProductTag >
 
struct  product_promote_storage_type< A, PermutationStorage, ProductTag >
 
struct  product_promote_storage_type< Dense, B, ProductTag >
 
struct  product_promote_storage_type< Dense, Dense, ProductTag >
 
struct  product_promote_storage_type< Dense, DiagonalShape, ProductTag >
 
struct  product_promote_storage_type< Dense, PermutationStorage, ProductTag >
 
struct  product_promote_storage_type< Dense, Sparse, OuterProduct >
 
struct  product_promote_storage_type< DiagonalShape, B, ProductTag >
 
struct  product_promote_storage_type< DiagonalShape, Dense, ProductTag >
 
struct  product_promote_storage_type< PermutationStorage, B, ProductTag >
 
struct  product_promote_storage_type< PermutationStorage, Dense, ProductTag >
 
struct  product_promote_storage_type< PermutationStorage, Sparse, ProductTag >
 
struct  product_promote_storage_type< Sparse, Dense, OuterProduct >
 
struct  product_promote_storage_type< Sparse, PermutationStorage, ProductTag >
 
struct  product_selfadjoint_matrix
 
struct  product_selfadjoint_matrix< Scalar, Index, LhsStorageOrder, false, ConjugateLhs, RhsStorageOrder, true, ConjugateRhs, ColMajor >
 
struct  product_selfadjoint_matrix< Scalar, Index, LhsStorageOrder, LhsSelfAdjoint, ConjugateLhs, RhsStorageOrder, RhsSelfAdjoint, ConjugateRhs, RowMajor >
 
struct  product_selfadjoint_matrix< Scalar, Index, LhsStorageOrder, true, ConjugateLhs, RhsStorageOrder, false, ConjugateRhs, ColMajor >
 
struct  product_size_category
 
struct  product_triangular_matrix_matrix
 
struct  product_triangular_matrix_matrix< Scalar, Index, Mode, false, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor, Version >
 
struct  product_triangular_matrix_matrix< Scalar, Index, Mode, LhsIsTriangular, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, RowMajor, Version >
 
struct  product_triangular_matrix_matrix< Scalar, Index, Mode, true, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor, Version >
 
struct  product_triangular_matrix_matrix_trmm
 
struct  product_type
 
struct  product_type_selector
 
struct  product_type_selector< 1, 1, 1 >
 
struct  product_type_selector< 1, 1, Depth >
 
struct  product_type_selector< 1, Large, Large >
 
struct  product_type_selector< 1, Large, Small >
 
struct  product_type_selector< 1, N, 1 >
 
struct  product_type_selector< 1, Small, Large >
 
struct  product_type_selector< 1, Small, Small >
 
struct  product_type_selector< Large, 1, Large >
 
struct  product_type_selector< Large, 1, Small >
 
struct  product_type_selector< Large, Large, Large >
 
struct  product_type_selector< Large, Large, Small >
 
struct  product_type_selector< Large, Small, 1 >
 
struct  product_type_selector< Large, Small, Large >
 
struct  product_type_selector< Large, Small, Small >
 
struct  product_type_selector< M, 1, 1 >
 
struct  product_type_selector< M, N, 1 >
 
struct  product_type_selector< Small, 1, Large >
 
struct  product_type_selector< Small, 1, Small >
 
struct  product_type_selector< Small, Large, 1 >
 
struct  product_type_selector< Small, Large, Large >
 
struct  product_type_selector< Small, Large, Small >
 
struct  product_type_selector< Small, Small, 1 >
 
struct  product_type_selector< Small, Small, Large >
 
struct  product_type_selector< Small, Small, Small >
 
struct  projective_transform_inverse
 
struct  projective_transform_inverse< TransformType, Projective >
 
struct  promote_index_type
 
struct  promote_scalar_arg
 
struct  promote_scalar_arg< S, T, false >
 
struct  promote_scalar_arg< S, T, true >
 
struct  promote_scalar_arg_unsupported
 
struct  promote_scalar_arg_unsupported< ExprScalar, T, PromotedType, false, true >
 
struct  promote_scalar_arg_unsupported< S, T, PromotedType, ConvertibleToLiteral, false >
 
struct  promote_scalar_arg_unsupported< S, T, PromotedType, true, true >
 
struct  promote_scalar_arg_unsupported< S, T, S, false, true >
 
struct  promote_storage_type
 
struct  promote_storage_type< A, A >
 
struct  promote_storage_type< A, const A >
 
struct  promote_storage_type< const A, A >
 
struct  qr_preconditioner_impl
 
class  qr_preconditioner_impl< MatrixType, ColPivHouseholderQRPreconditioner, PreconditionIfMoreColsThanRows, true >
 
class  qr_preconditioner_impl< MatrixType, ColPivHouseholderQRPreconditioner, PreconditionIfMoreRowsThanCols, true >
 
class  qr_preconditioner_impl< MatrixType, FullPivHouseholderQRPreconditioner, PreconditionIfMoreColsThanRows, true >
 
class  qr_preconditioner_impl< MatrixType, FullPivHouseholderQRPreconditioner, PreconditionIfMoreRowsThanCols, true >
 
class  qr_preconditioner_impl< MatrixType, HouseholderQRPreconditioner, PreconditionIfMoreColsThanRows, true >
 
class  qr_preconditioner_impl< MatrixType, HouseholderQRPreconditioner, PreconditionIfMoreRowsThanCols, true >
 
class  qr_preconditioner_impl< MatrixType, QRPreconditioner, Case, false >
 
struct  qr_preconditioner_should_do_anything
 
struct  quat_conj
 
struct  quat_conj< Architecture::SSE, Derived, double, Alignment >
 
struct  quat_conj< Architecture::SSE, Derived, float, Alignment >
 
struct  quat_product
 
struct  quat_product< Architecture::SSE, Derived, OtherDerived, double, Alignment >
 
struct  quat_product< Architecture::SSE, Derived, OtherDerived, float, Aligned16 >
 
struct  quaternionbase_assign_impl
 
struct  quaternionbase_assign_impl< Other, 3, 3 >
 
struct  quaternionbase_assign_impl< Other, 4, 1 >
 
struct  random_default_impl< half, false, false >
 
struct  rank2_update_selector
 
struct  rcond_compute_sign
 
struct  rcond_compute_sign< Vector, Vector, false >
 
struct  reducer_traits
 
struct  reducer_traits< AndReducer, Device >
 
struct  reducer_traits< ArgMaxTupleReducer< T >, Device >
 
struct  reducer_traits< ArgMinTupleReducer< T >, Device >
 
struct  reducer_traits< MaxReducer< T >, Device >
 
struct  reducer_traits< MeanReducer< T >, Device >
 
struct  reducer_traits< MinReducer< T >, Device >
 
struct  reducer_traits< OrReducer, Device >
 
struct  reducer_traits< ProdReducer< T >, Device >
 
struct  reducer_traits< SumReducer< T >, Device >
 
class  redux_evaluator
 
struct  redux_impl
 
struct  redux_impl< Func, Derived, DefaultTraversal, CompleteUnrolling >
 
struct  redux_impl< Func, Derived, DefaultTraversal, NoUnrolling >
 
struct  redux_impl< Func, Derived, LinearVectorizedTraversal, CompleteUnrolling >
 
struct  redux_impl< Func, Derived, LinearVectorizedTraversal, NoUnrolling >
 
struct  redux_impl< Func, Derived, SliceVectorizedTraversal, Unrolling >
 
struct  redux_novec_unroller
 
struct  redux_novec_unroller< Func, Derived, Start, 0 >
 
struct  redux_novec_unroller< Func, Derived, Start, 1 >
 
struct  redux_traits
 
struct  redux_vec_unroller
 
struct  redux_vec_unroller< Func, Derived, Start, 1 >
 
struct  ref_selector
 
struct  remove_all
 
struct  remove_all< const T >
 
struct  remove_all< T & >
 
struct  remove_all< T * >
 
struct  remove_all< T const & >
 
struct  remove_all< T const * >
 
struct  remove_const
 
struct  remove_const< const T >
 
struct  remove_const< const T[]>
 
struct  remove_const< const T[Size]>
 
struct  remove_pointer
 
struct  remove_pointer< T * >
 
struct  remove_pointer< T *const >
 
struct  remove_reference
 
struct  remove_reference< T & >
 
struct  result_of
 
struct  result_of< Func(ArgType)>
 
struct  result_of< Func(ArgType0, ArgType1)>
 
struct  result_of< Func(ArgType0, ArgType1, ArgType2)>
 
struct  result_of< scalar_cmp_op< LhsScalar, RhsScalar, Cmp >(LhsScalar, RhsScalar)>
 
struct  reverse_packet_cond
 
struct  reverse_packet_cond< PacketType, false >
 
struct  rotation_base_generic_product_selector
 
struct  rotation_base_generic_product_selector< RotationDerived, DiagonalMatrix< Scalar, Dim, MaxDim >, false >
 
struct  rotation_base_generic_product_selector< RotationDerived, MatrixType, false >
 
struct  rotation_base_generic_product_selector< RotationDerived, OtherVectorType, true >
 
struct  scalar_abs2_op
 
struct  scalar_abs_op
 
struct  scalar_acos_op
 
struct  scalar_arg_op
 
struct  scalar_asin_op
 
struct  scalar_atan_op
 
struct  scalar_betainc_op
 
struct  scalar_boolean_and_op
 
struct  scalar_boolean_not_op
 
struct  scalar_boolean_or_op
 
struct  scalar_boolean_xor_op
 
struct  scalar_cast_op
 
struct  scalar_cast_op< Eigen::half, float >
 
struct  scalar_cast_op< float, Eigen::half >
 
struct  scalar_cast_op< int, Eigen::half >
 
struct  scalar_ceil_op
 
struct  scalar_cmp_op
 
struct  scalar_cmp_op< LhsScalar, RhsScalar, cmp_EQ >
 
struct  scalar_cmp_op< LhsScalar, RhsScalar, cmp_GE >
 
struct  scalar_cmp_op< LhsScalar, RhsScalar, cmp_GT >
 
struct  scalar_cmp_op< LhsScalar, RhsScalar, cmp_LE >
 
struct  scalar_cmp_op< LhsScalar, RhsScalar, cmp_LT >
 
struct  scalar_cmp_op< LhsScalar, RhsScalar, cmp_NEQ >
 
struct  scalar_cmp_op< LhsScalar, RhsScalar, cmp_UNORD >
 
struct  scalar_conj_product_op
 
struct  scalar_conjugate_op
 
struct  scalar_constant_op
 
struct  scalar_cos_op
 
struct  scalar_cosh_op
 
struct  scalar_cube_op
 
struct  scalar_difference_op
 
struct  scalar_digamma_op
 
struct  scalar_div_cost
 
struct  scalar_div_cost< double, true >
 
struct  scalar_div_cost< float, true >
 
struct  scalar_div_cost< signed long, Vectorized, typename conditional< sizeof(long)==8, void, false_type >::type >
 
struct  scalar_div_cost< std::complex< T >, Vectorized >
 
struct  scalar_div_cost< unsigned long, Vectorized, typename conditional< sizeof(long)==8, void, false_type >::type >
 
struct  scalar_erf_op
 
struct  scalar_erfc_op
 
struct  scalar_exp_op
 
struct  scalar_floor_op
 
struct  scalar_fmod_op
 
struct  scalar_hypot_op
 
struct  scalar_hypot_op< Scalar, Scalar >
 
struct  scalar_identity_op
 
struct  scalar_igamma_op
 
struct  scalar_igammac_op
 
struct  scalar_imag_op
 
struct  scalar_imag_ref_op
 
struct  scalar_inverse_op
 
struct  scalar_isfinite_op
 
struct  scalar_isinf_op
 
struct  scalar_isnan_op
 
struct  scalar_lgamma_op
 
struct  scalar_log10_op
 
struct  scalar_log1p_op
 
struct  scalar_log_op
 
struct  scalar_max_op
 
struct  scalar_min_op
 
struct  scalar_mod2_op
 
struct  scalar_mod_op
 
struct  scalar_opposite_op
 
struct  scalar_polygamma_op
 
struct  scalar_pow_op
 
struct  scalar_product_op
 
struct  scalar_product_traits
 
struct  scalar_quotient_op
 
struct  scalar_random_op
 
struct  scalar_real_op
 
struct  scalar_real_ref_op
 
struct  scalar_round_op
 
struct  scalar_rsqrt_op
 
struct  scalar_score_coeff_op
 
struct  scalar_sigmoid_op
 
struct  scalar_sign_op
 
struct  scalar_sign_op< Scalar, false >
 
struct  scalar_sign_op< Scalar, true >
 
struct  scalar_sin_op
 
struct  scalar_sinh_op
 
struct  scalar_sqrt_op
 
struct  scalar_square_op
 
struct  scalar_sum_op
 
struct  scalar_sum_op< bool, bool >
 
struct  scalar_tan_op
 
struct  scalar_tanh_op
 
struct  scalar_zeta_op
 
class  scoped_array
 
struct  Selector
 
struct  selfadjoint_matrix_vector_product
 
struct  selfadjoint_matrix_vector_product_symv
 
struct  selfadjoint_packed_rank1_update
 
struct  selfadjoint_packed_rank1_update< Scalar, Index, ColMajor, UpLo, ConjLhs, ConjRhs >
 
struct  selfadjoint_packed_rank1_update< Scalar, Index, RowMajor, UpLo, ConjLhs, ConjRhs >
 
struct  selfadjoint_product_impl
 
struct  selfadjoint_product_impl< Lhs, 0, true, Rhs, RhsMode, false >
 
struct  selfadjoint_product_impl< Lhs, LhsMode, false, Rhs, 0, true >
 
struct  selfadjoint_product_impl< Lhs, LhsMode, false, Rhs, RhsMode, false >
 
struct  selfadjoint_rank2_update_selector
 
struct  selfadjoint_rank2_update_selector< Scalar, Index, UType, VType, Lower >
 
struct  selfadjoint_rank2_update_selector< Scalar, Index, UType, VType, Upper >
 
struct  setIdentity_impl
 
struct  setIdentity_impl< Derived, true >
 
struct  significant_decimals_impl
 
class  SimpleTensorContractionMapper
 
struct  simplicial_cholesky_grab_input
 
struct  simplicial_cholesky_grab_input< MatrixType, MatrixType >
 
struct  size_at_compile_time
 
struct  size_of_xpr_at_compile_time
 
struct  sizes_match_below_dim
 
struct  sizes_match_below_dim< Dims1, Dims2, 0, 0 >
 
struct  sizes_match_below_dim< Dims1, Dims2, n, n >
 
struct  skyline_product_mode
 
struct  skyline_product_selector
 
struct  skyline_product_selector< Lhs, Rhs, ResultType, ColMajor >
 
struct  skyline_product_selector< Lhs, Rhs, ResultType, RowMajor >
 
class  SkylineProduct
 
struct  SkylineProductReturnType
 
struct  smart_copy_helper
 
struct  smart_copy_helper< T, false >
 
struct  smart_copy_helper< T, true >
 
struct  smart_memmove_helper
 
struct  smart_memmove_helper< T, false >
 
struct  smart_memmove_helper< T, true >
 
struct  solve_traits
 
struct  solve_traits< Decomposition, RhsType, Dense >
 
struct  solve_traits< Decomposition, RhsType, Sparse >
 
struct  Sparse2Dense
 
struct  Sparse2Sparse
 
struct  sparse_conjunction_evaluator
 
struct  sparse_conjunction_evaluator< XprType, IndexBased, IteratorBased >
 
struct  sparse_conjunction_evaluator< XprType, IteratorBased, IndexBased >
 
struct  sparse_conjunction_evaluator< XprType, IteratorBased, IteratorBased >
 
struct  sparse_dense_outer_product_evaluator
 
struct  sparse_diagonal_product_evaluator
 
struct  sparse_diagonal_product_evaluator< SparseXprType, DiagCoeffType, SDP_AsCwiseProduct >
 
struct  sparse_diagonal_product_evaluator< SparseXprType, DiagonalCoeffType, SDP_AsScalarProduct >
 
struct  sparse_eval
 
struct  sparse_eval< T, 1, 1, Flags >
 
struct  sparse_eval< T, 1, Cols, Flags >
 
struct  sparse_eval< T, Rows, 1, Flags >
 
class  sparse_matrix_block_impl
 
struct  sparse_solve_triangular_selector
 
struct  sparse_solve_triangular_selector< Lhs, Rhs, Mode, Lower, ColMajor >
 
struct  sparse_solve_triangular_selector< Lhs, Rhs, Mode, Lower, RowMajor >
 
struct  sparse_solve_triangular_selector< Lhs, Rhs, Mode, Upper, ColMajor >
 
struct  sparse_solve_triangular_selector< Lhs, Rhs, Mode, Upper, RowMajor >
 
struct  sparse_solve_triangular_sparse_selector
 
struct  sparse_solve_triangular_sparse_selector< Lhs, Rhs, Mode, UpLo, ColMajor >
 
struct  sparse_sparse_product_with_pruning_selector
 
struct  sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, ColMajor, ColMajor, ColMajor >
 
struct  sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, ColMajor, ColMajor, RowMajor >
 
struct  sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, ColMajor, RowMajor, ColMajor >
 
struct  sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, ColMajor, RowMajor, RowMajor >
 
struct  sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, RowMajor, ColMajor, ColMajor >
 
struct  sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, RowMajor, ColMajor, RowMajor >
 
struct  sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, RowMajor, RowMajor, ColMajor >
 
struct  sparse_sparse_product_with_pruning_selector< Lhs, Rhs, ResultType, RowMajor, RowMajor, RowMajor >
 
struct  sparse_sparse_to_dense_product_selector
 
struct  sparse_sparse_to_dense_product_selector< Lhs, Rhs, ResultType, ColMajor, ColMajor >
 
struct  sparse_sparse_to_dense_product_selector< Lhs, Rhs, ResultType, ColMajor, RowMajor >
 
struct  sparse_sparse_to_dense_product_selector< Lhs, Rhs, ResultType, RowMajor, ColMajor >
 
struct  sparse_sparse_to_dense_product_selector< Lhs, Rhs, ResultType, RowMajor, RowMajor >
 
struct  sparse_time_dense_product_impl
 
struct  sparse_time_dense_product_impl< SparseLhsType, DenseRhsType, DenseResType, AlphaType, ColMajor, true >
 
struct  sparse_time_dense_product_impl< SparseLhsType, DenseRhsType, DenseResType, typename DenseResType::Scalar, ColMajor, false >
 
struct  sparse_time_dense_product_impl< SparseLhsType, DenseRhsType, DenseResType, typename DenseResType::Scalar, RowMajor, false >
 
struct  sparse_time_dense_product_impl< SparseLhsType, DenseRhsType, DenseResType, typename DenseResType::Scalar, RowMajor, true >
 
struct  sparse_vector_assign_selector
 
struct  sparse_vector_assign_selector< Dest, Src, SVA_Inner >
 
struct  sparse_vector_assign_selector< Dest, Src, SVA_Outer >
 
struct  sparse_vector_assign_selector< Dest, Src, SVA_RuntimeSwitch >
 
class  SparseLUImpl
 Base class for sparseLU. More...
 
class  SparseRefBase
 
struct  SparseSelfAdjoint2Sparse
 
struct  SparseSelfAdjointShape
 
class  SparseTransposeImpl
 
class  SparseTransposeImpl< MatrixType, CompressedAccessBit >
 
struct  SparseTriangularShape
 
struct  static_assertion
 
struct  static_assertion< true >
 
struct  static_val
 
struct  stem_function
 
struct  storage_kind_to_evaluator_kind
 
struct  storage_kind_to_evaluator_kind< Sparse >
 
struct  storage_kind_to_shape
 
struct  storage_kind_to_shape< Dense >
 
struct  storage_kind_to_shape< DiagonalShape >
 
struct  storage_kind_to_shape< PermutationStorage >
 
struct  storage_kind_to_shape< SolverStorage >
 
struct  storage_kind_to_shape< Sparse >
 
struct  storage_kind_to_shape< TranspositionsStorage >
 
struct  sub_assign_op
 
struct  sum_op
 
struct  SumReducer
 
struct  svd_precondition_2x2_block_to_be_real
 
struct  svd_precondition_2x2_block_to_be_real< MatrixType, QRPreconditioner, false >
 
struct  svd_precondition_2x2_block_to_be_real< MatrixType, QRPreconditioner, true >
 
struct  swap_assign_op
 
struct  syclGenericBufferReducer
 
struct  symm_pack_lhs
 
struct  symm_pack_rhs
 
struct  take_matrix_for_product
 
struct  take_matrix_for_product< Transform< Scalar, Dim, Mode, Options > >
 
struct  take_matrix_for_product< Transform< Scalar, Dim, Projective, Options > >
 
struct  tensor_index_linearization_helper
 
struct  tensor_index_linearization_helper< Index, NumIndices, 0, RowMajor >
 
struct  tensor_static_symgroup
 
struct  tensor_static_symgroup_do_apply
 
struct  tensor_static_symgroup_do_apply< internal::type_list< EIGEN_TPL_PP_SPEC_HACK_USE(empty)> >
 
struct  tensor_static_symgroup_do_apply< internal::type_list< first, next... > >
 
struct  tensor_static_symgroup_element
 
struct  tensor_static_symgroup_element_ctor
 
struct  tensor_static_symgroup_equality
 
struct  tensor_static_symgroup_identity_ctor
 
struct  tensor_static_symgroup_if
 
struct  tensor_static_symgroup_if< true, NumIndices, Gens... >
 
struct  tensor_static_symgroup_multiply
 
struct  tensor_static_symgroup_multiply_helper
 
struct  tensor_static_symgroup_permutate
 
struct  tensor_static_symgroup_permutate< numeric_list< int, nn... > >
 
struct  tensor_symmetry_assign_value
 
struct  tensor_symmetry_calculate_flags
 
struct  tensor_symmetry_num_indices
 
struct  tensor_symmetry_num_indices< AntiHermiticity< One_, Two_ >, Sym... >
 
struct  tensor_symmetry_num_indices< AntiSymmetry< One_, Two_ >, Sym... >
 
struct  tensor_symmetry_num_indices< Hermiticity< One_, Two_ >, Sym... >
 
struct  tensor_symmetry_num_indices< Symmetry< One_, Two_ >, Sym... >
 
struct  tensor_symmetry_pre_analysis
 
struct  tensor_symmetry_pre_analysis< NumIndices >
 
struct  tensor_symmetry_pre_analysis< NumIndices, Gen_, Gens_... >
 
class  tensor_symmetry_value_setter
 
struct  tensor_vsize_index_linearization_helper
 
struct  tensor_vsize_index_linearization_helper< Index, NumIndices, 0, RowMajor >
 
class  TensorContractionBlocking
 
class  TensorContractionInputMapper
 
class  TensorContractionSubMapper
 
class  TensorExecutor
 
class  TensorExecutor< Expression, DefaultDevice, true >
 
struct  TensorIntDivisor
 
class  TensorIntDivisor< int32_t, true >
 
class  TensorLazyBaseEvaluator
 
class  TensorLazyEvaluator
 
class  TensorLazyEvaluatorReadOnly
 
class  TensorLazyEvaluatorWritable
 
struct  TensorPrinter
 
struct  TensorPrinter< Tensor, 0 >
 
struct  TensorPrinter< Tensor, 1 >
 
struct  TensorUInt128
 
struct  ternary_evaluator
 
struct  ternary_evaluator< CwiseTernaryOp< TernaryOp, Arg1, Arg2, Arg3 >, IndexBased, IndexBased >
 
struct  ternary_result_of_select
 
struct  ternary_result_of_select< Func, ArgType0, ArgType1, ArgType2, sizeof(has_std_result_type)>
 
struct  ternary_result_of_select< Func, ArgType0, ArgType1, ArgType2, sizeof(has_tr1_result)>
 
struct  traits
 
struct  traits< AngleAxis< _Scalar > >
 
struct  traits< Array< _Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols > >
 
struct  traits< ArrayWrapper< ExpressionType > >
 
struct  traits< BandMatrix< _Scalar, _Rows, _Cols, _Supers, _Subs, _Options > >
 
struct  traits< BandMatrixWrapper< _CoefficientsType, _Rows, _Cols, _Supers, _Subs, _Options > >
 
struct  traits< BDCSVD< _MatrixType > >
 
struct  traits< BiCGSTAB< _MatrixType, _Preconditioner > >
 
struct  traits< Block< XprType, BlockRows, BlockCols, InnerPanel > >
 
struct  traits< BlockSparseMatrix< _Scalar, _BlockAtCompileTime, _Options, _Index > >
 
struct  traits< BlockSparseMatrixView< BlockSparseMatrixT > >
 
struct  traits< BlockSparseTimeDenseProduct< BlockSparseMatrixT, VecType > >
 
struct  traits< ColPivHouseholderQR< _MatrixType > >
 
struct  traits< CompleteOrthogonalDecomposition< _MatrixType > >
 
struct  traits< ConjugateGradient< _MatrixType, _UpLo, _Preconditioner > >
 
struct  traits< const T >
 
struct  traits< CwiseBinaryOp< BinaryOp, Lhs, Rhs > >
 
struct  traits< CwiseNullaryOp< NullaryOp, PlainObjectType > >
 
struct  traits< CwiseTernaryOp< TernaryOp, Arg1, Arg2, Arg3 > >
 
struct  traits< CwiseUnaryOp< UnaryOp, XprType > >
 
struct  traits< CwiseUnaryView< ViewOp, MatrixType > >
 
struct  traits< DGMRES< _MatrixType, _Preconditioner > >
 
struct  traits< Diagonal< const SparseMatrix< _Scalar, _Options, _Index >, DiagIndex > >
 
struct  traits< Diagonal< MatrixType, DiagIndex > >
 
struct  traits< Diagonal< SparseMatrix< _Scalar, _Options, _Index >, DiagIndex > >
 
struct  traits< DiagonalMatrix< _Scalar, SizeAtCompileTime, MaxSizeAtCompileTime > >
 
struct  traits< DiagonalWrapper< _DiagonalVectorType > >
 
struct  traits< DynamicSparseMatrix< _Scalar, _Options, _StorageIndex > >
 
struct  traits< EulerAngles< _Scalar, _System > >
 
struct  traits< EvalToTemp< ArgType > >
 
struct  traits< ForceAlignedAccess< ExpressionType > >
 
struct  traits< FullPivHouseholderQR< _MatrixType > >
 
struct  traits< FullPivHouseholderQRMatrixQReturnType< MatrixType > >
 
struct  traits< FullPivLU< _MatrixType > >
 
struct  traits< GMRES< _MatrixType, _Preconditioner > >
 
struct  traits< HessenbergDecompositionMatrixHReturnType< MatrixType > >
 
struct  traits< Homogeneous< MatrixType, Direction > >
 
struct  traits< homogeneous_left_product_impl< Homogeneous< MatrixType, Vertical >, Lhs > >
 
struct  traits< homogeneous_right_product_impl< Homogeneous< MatrixType, Horizontal >, Rhs > >
 
struct  traits< HouseholderSequence< VectorsType, CoeffsType, Side > >
 
struct  traits< image_retval_base< DecompositionType > >
 
struct  traits< Inverse< XprType > >
 
struct  traits< JacobiSVD< _MatrixType, QRPreconditioner > >
 
struct  traits< kernel_retval_base< DecompositionType > >
 
struct  traits< KroneckerProduct< _Lhs, _Rhs > >
 
struct  traits< KroneckerProductSparse< _Lhs, _Rhs > >
 
struct  traits< LeastSquaresConjugateGradient< _MatrixType, _Preconditioner > >
 
struct  traits< Map< const Quaternion< _Scalar >, _Options > >
 
struct  traits< Map< const SparseMatrix< MatScalar, MatOptions, MatIndex >, Options, StrideType > >
 
struct  traits< Map< PermutationMatrix< SizeAtCompileTime, MaxSizeAtCompileTime, _StorageIndex >, _PacketAccess > >
 
struct  traits< Map< PlainObjectType, MapOptions, StrideType > >
 
struct  traits< Map< Quaternion< _Scalar >, _Options > >
 
struct  traits< Map< SparseMatrix< MatScalar, MatOptions, MatIndex >, Options, StrideType > >
 
struct  traits< Map< Transpositions< SizeAtCompileTime, MaxSizeAtCompileTime, _StorageIndex >, _PacketAccess > >
 
struct  traits< MappedSparseMatrix< _Scalar, _Flags, _StorageIndex > >
 
struct  traits< Matrix< _Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols > >
 
struct  traits< MatrixComplexPowerReturnValue< Derived > >
 
struct  traits< MatrixExponentialReturnValue< Derived > >
 
struct  traits< MatrixFunctionReturnValue< Derived > >
 
struct  traits< MatrixLogarithmReturnValue< Derived > >
 
struct  traits< MatrixPowerParenthesesReturnValue< MatrixPowerType > >
 
struct  traits< MatrixPowerReturnValue< Derived > >
 
struct  traits< MatrixReplacement >
 
struct  traits< MatrixSquareRootReturnValue< Derived > >
 
struct  traits< MatrixWrapper< ExpressionType > >
 
struct  traits< MINRES< _MatrixType, _UpLo, _Preconditioner > >
 
struct  traits< NestByValue< ExpressionType > >
 
struct  traits< PartialPivLU< _MatrixType > >
 
struct  traits< PartialReduxExpr< MatrixType, MemberOp, Direction > >
 
struct  traits< PermutationMatrix< SizeAtCompileTime, MaxSizeAtCompileTime, _StorageIndex > >
 
struct  traits< PermutationWrapper< _IndicesType > >
 
struct  traits< Product< Lhs, Rhs, Option > >
 
struct  traits< Quaternion< _Scalar, _Options > >
 
struct  traits< Ref< _PlainObjectType, _Options, _StrideType > >
 
struct  traits< Ref< const SparseMatrix< MatScalar, MatOptions, MatIndex >, _Options, _StrideType > >
 
struct  traits< Ref< const SparseVector< MatScalar, MatOptions, MatIndex >, _Options, _StrideType > >
 
struct  traits< Ref< SparseMatrix< MatScalar, MatOptions, MatIndex >, _Options, _StrideType > >
 
struct  traits< Ref< SparseVector< MatScalar, MatOptions, MatIndex >, _Options, _StrideType > >
 
struct  traits< RefBase< Derived > >
 
struct  traits< Replicate< MatrixType, RowFactor, ColFactor > >
 
struct  traits< ReturnByValue< Derived > >
 
struct  traits< Reverse< MatrixType, Direction > >
 
struct  traits< Rotation2D< _Scalar > >
 
struct  traits< Select< ConditionMatrixType, ThenMatrixType, ElseMatrixType > >
 
struct  traits< SelfAdjointView< MatrixType, UpLo > >
 
struct  traits< SimplicialCholesky< _MatrixType, _UpLo, _Ordering > >
 
struct  traits< SimplicialLDLT< _MatrixType, _UpLo, _Ordering > >
 
struct  traits< SimplicialLLT< _MatrixType, _UpLo, _Ordering > >
 
struct  traits< SkylineMatrix< _Scalar, _Options > >
 
struct  traits< SkylineProduct< LhsNested, RhsNested, ProductMode > >
 
struct  traits< Solve< Decomposition, RhsType > >
 
struct  traits< SolveWithGuess< Decomposition, RhsType, GuessType > >
 
struct  traits< SparseCompressedBase< Derived > >
 
struct  traits< SparseMatrix< _Scalar, _Options, _Index > >
 
struct  traits< SparseQR_QProduct< SparseQRType, Derived > >
 
struct  traits< SparseQRMatrixQReturnType< SparseQRType > >
 
struct  traits< SparseQRMatrixQTransposeReturnType< SparseQRType > >
 
struct  traits< SparseRefBase< Derived > >
 
struct  traits< SparseSelfAdjointView< MatrixType, Mode > >
 
struct  traits< SparseSymmetricPermutationProduct< MatrixType, Mode > >
 
struct  traits< SparseVector< _Scalar, _Options, _StorageIndex > >
 
struct  traits< SparseView< MatrixType > >
 
struct  traits< SPQR_QProduct< SPQRType, Derived > >
 
struct  traits< SPQRMatrixQReturnType< SPQRType > >
 
struct  traits< SPQRMatrixQTransposeReturnType< SPQRType > >
 
struct  traits< Tensor< Scalar_, NumIndices_, Options_, IndexType_ > >
 
struct  traits< TensorAssignOp< LhsXprType, RhsXprType > >
 
struct  traits< TensorBroadcastingOp< Broadcast, XprType > >
 
struct  traits< TensorChippingOp< DimId, XprType > >
 
struct  traits< TensorConcatenationOp< Axis, LhsXprType, RhsXprType > >
 
struct  traits< TensorContractionOp< Dimensions, LhsXprType, RhsXprType > >
 
struct  traits< TensorConversionOp< TargetType, XprType > >
 
struct  traits< TensorConvolutionOp< Dimensions, InputXprType, KernelXprType > >
 
struct  traits< TensorCustomBinaryOp< CustomBinaryFunc, LhsXprType, RhsXprType > >
 
struct  traits< TensorCustomUnaryOp< CustomUnaryFunc, XprType > >
 
struct  traits< TensorCwiseBinaryOp< BinaryOp, LhsXprType, RhsXprType > >
 
struct  traits< TensorCwiseNullaryOp< NullaryOp, XprType > >
 
struct  traits< TensorCwiseTernaryOp< TernaryOp, Arg1XprType, Arg2XprType, Arg3XprType > >
 
struct  traits< TensorCwiseUnaryOp< UnaryOp, XprType > >
 
struct  traits< TensorEvalToOp< XprType, MakePointer_ > >
 
struct  traits< TensorEvaluator< const TensorContractionOp< Indices_, LeftArgType_, RightArgType_ >, Device_ > >
 
struct  traits< TensorFixedSize< Scalar_, Dimensions, Options_, IndexType_ > >
 
struct  traits< TensorForcedEvalOp< XprType, MakePointer_ > >
 
struct  traits< TensorGeneratorOp< Generator, XprType > >
 
struct  traits< TensorImagePatchOp< Rows, Cols, XprType > >
 
struct  traits< TensorIndexTupleOp< XprType > >
 
struct  traits< TensorInflationOp< Strides, XprType > >
 
struct  traits< TensorLayoutSwapOp< XprType > >
 
struct  traits< TensorMap< PlainObjectType, Options_, MakePointer_ > >
 
struct  traits< TensorPaddingOp< PaddingDimensions, XprType > >
 
struct  traits< TensorPatchOp< PatchDim, XprType > >
 
struct  traits< TensorReductionOp< Op, Dims, XprType, MakePointer_ > >
 
struct  traits< TensorRef< PlainObjectType > >
 
struct  traits< TensorReshapingOp< NewDimensions, XprType > >
 
struct  traits< TensorReverseOp< ReverseDimensions, XprType > >
 
struct  traits< TensorScanOp< Op, XprType > >
 
struct  traits< TensorSelectOp< IfXprType, ThenXprType, ElseXprType > >
 
struct  traits< TensorShufflingOp< Shuffle, XprType > >
 
struct  traits< TensorSlicingOp< StartIndices, Sizes, XprType > >
 
struct  traits< TensorStridingOp< Strides, XprType > >
 
struct  traits< TensorStridingSlicingOp< StartIndices, StopIndices, Strides, XprType > >
 
struct  traits< TensorTupleReducerOp< ReduceOp, Dims, XprType > >
 
struct  traits< TensorVolumePatchOp< Planes, Rows, Cols, XprType > >
 
struct  traits< Transform< _Scalar, _Dim, _Mode, _Options > >
 
struct  traits< Transpose< MatrixType > >
 
struct  traits< Transpose< TranspositionsBase< Derived > > >
 
struct  traits< Transpositions< SizeAtCompileTime, MaxSizeAtCompileTime, _StorageIndex > >
 
struct  traits< TranspositionsWrapper< _IndicesType > >
 
struct  traits< triangular_solve_retval< Side, TriangularType, Rhs > >
 
struct  traits< TriangularView< MatrixType, _Mode > >
 
struct  traits< TridiagonalizationMatrixTReturnType< MatrixType > >
 
struct  traits< VectorBlock< VectorType, Size > >
 
struct  transfer_constness
 
struct  transform_construct_from_matrix
 
struct  transform_construct_from_matrix< Other, AffineCompact, Options, Dim, HDim, HDim, HDim >
 
struct  transform_construct_from_matrix< Other, Mode, Options, Dim, HDim, Dim, Dim >
 
struct  transform_construct_from_matrix< Other, Mode, Options, Dim, HDim, Dim, HDim >
 
struct  transform_construct_from_matrix< Other, Mode, Options, Dim, HDim, HDim, HDim >
 
struct  transform_left_product_impl
 
struct  transform_left_product_impl< Other, AffineCompact, Options, Dim, HDim, Dim, HDim >
 
struct  transform_left_product_impl< Other, AffineCompact, Options, Dim, HDim, HDim, HDim >
 
struct  transform_left_product_impl< Other, Mode, Options, Dim, HDim, Dim, Dim >
 
struct  transform_left_product_impl< Other, Mode, Options, Dim, HDim, Dim, HDim >
 
struct  transform_left_product_impl< Other, Mode, Options, Dim, HDim, HDim, HDim >
 
struct  transform_make_affine
 
struct  transform_make_affine< AffineCompact >
 
struct  transform_product_result
 
struct  transform_right_product_impl
 
struct  transform_right_product_impl< TransformType, MatrixType, 0, RhsCols >
 
struct  transform_right_product_impl< TransformType, MatrixType, 1, RhsCols >
 
struct  transform_right_product_impl< TransformType, MatrixType, 2, 1 >
 
struct  transform_right_product_impl< TransformType, MatrixType, 2, RhsCols >
 
struct  transform_take_affine_part
 
struct  transform_take_affine_part< Transform< Scalar, Dim, AffineCompact, Options > >
 
struct  transform_traits
 
struct  transform_transform_product_impl
 
struct  transform_transform_product_impl< Transform< Scalar, Dim, AffineCompact, LhsOptions >, Transform< Scalar, Dim, Projective, RhsOptions >, true >
 
struct  transform_transform_product_impl< Transform< Scalar, Dim, LhsMode, LhsOptions >, Transform< Scalar, Dim, RhsMode, RhsOptions >, false >
 
struct  transform_transform_product_impl< Transform< Scalar, Dim, LhsMode, LhsOptions >, Transform< Scalar, Dim, RhsMode, RhsOptions >, true >
 
struct  transform_transform_product_impl< Transform< Scalar, Dim, Projective, LhsOptions >, Transform< Scalar, Dim, AffineCompact, RhsOptions >, true >
 
struct  TransposeImpl_base
 
struct  TransposeImpl_base< MatrixType, false >
 
struct  transposition_matrix_product
 
struct  Triangular2Dense
 
struct  Triangular2Triangular
 
struct  triangular_assignment_loop
 
struct  triangular_assignment_loop< Kernel, Mode, 0, SetOpposite >
 
struct  triangular_assignment_loop< Kernel, Mode, Dynamic, SetOpposite >
 
class  triangular_dense_assignment_kernel
 
class  triangular_dense_assignment_kernel< UpLo, SelfAdjoint, SetOpposite, DstEvaluatorTypeT, SrcEvaluatorTypeT, Functor, Version >
 
struct  triangular_matrix_vector_product
 
struct  triangular_matrix_vector_product< Index, Mode, LhsScalar, ConjLhs, RhsScalar, ConjRhs, ColMajor, Version >
 
struct  triangular_matrix_vector_product< Index, Mode, LhsScalar, ConjLhs, RhsScalar, ConjRhs, RowMajor, Version >
 
struct  triangular_matrix_vector_product_trmv
 
struct  triangular_product_impl
 
struct  triangular_product_impl< Mode, false, Lhs, true, Rhs, false >
 
struct  triangular_product_impl< Mode, LhsIsTriangular, Lhs, false, Rhs, false >
 
struct  triangular_product_impl< Mode, true, Lhs, false, Rhs, true >
 
struct  triangular_solve_matrix
 
struct  triangular_solve_matrix< Scalar, Index, OnTheLeft, Mode, Conjugate, TriStorageOrder, ColMajor >
 
struct  triangular_solve_matrix< Scalar, Index, OnTheRight, Mode, Conjugate, TriStorageOrder, ColMajor >
 
struct  triangular_solve_matrix< Scalar, Index, Side, Mode, Conjugate, TriStorageOrder, RowMajor >
 
struct  triangular_solve_retval
 
struct  triangular_solve_vector
 
struct  triangular_solve_vector< LhsScalar, RhsScalar, Index, OnTheLeft, Mode, Conjugate, ColMajor >
 
struct  triangular_solve_vector< LhsScalar, RhsScalar, Index, OnTheLeft, Mode, Conjugate, RowMajor >
 
struct  triangular_solve_vector< LhsScalar, RhsScalar, Index, OnTheRight, Mode, Conjugate, StorageOrder >
 
struct  triangular_solver_selector
 
struct  triangular_solver_selector< Lhs, Rhs, OnTheLeft, Mode, CompleteUnrolling, 1 >
 
struct  triangular_solver_selector< Lhs, Rhs, OnTheRight, Mode, CompleteUnrolling, 1 >
 
struct  triangular_solver_selector< Lhs, Rhs, Side, Mode, NoUnrolling, 1 >
 
struct  triangular_solver_selector< Lhs, Rhs, Side, Mode, NoUnrolling, Dynamic >
 
struct  triangular_solver_unroller
 
struct  triangular_solver_unroller< Lhs, Rhs, Mode, LoopIndex, Size, false >
 
struct  triangular_solver_unroller< Lhs, Rhs, Mode, LoopIndex, Size, true >
 
struct  tribb_kernel
 
struct  tridiagonalization_inplace_selector
 
struct  tridiagonalization_inplace_selector< MatrixType, 1, IsComplex >
 
struct  tridiagonalization_inplace_selector< MatrixType, 3, false >
 
struct  TridiagonalizationMatrixTReturnType
 
class  TridiagonalMatrix
 Represents a tridiagonal matrix with a compact banded storage. More...
 
struct  TripletComp
 
struct  trmv_selector
 
struct  trmv_selector< Mode, ColMajor >
 
struct  trmv_selector< Mode, RowMajor >
 
class  trsolve_traits
 
struct  true_type
 
struct  type2val
 
struct  type_casting_traits
 
struct  type_casting_traits< double, float >
 
struct  type_casting_traits< float, double >
 
struct  type_casting_traits< float, int >
 
struct  type_casting_traits< int, float >
 
struct  type_list
 
struct  umeyama_transform_matrix_type
 
struct  unaligned_dense_assignment_loop
 
struct  unaligned_dense_assignment_loop< false >
 
struct  unary_evaluator
 
struct  unary_evaluator< ArrayWrapper< TArgType > >
 
struct  unary_evaluator< Block< ArgType, BlockRows, BlockCols, InnerPanel >, IndexBased >
 
struct  unary_evaluator< Block< ArgType, BlockRows, BlockCols, InnerPanel >, IteratorBased >
 
struct  unary_evaluator< Block< const SparseMatrix< _Scalar, _Options, _StorageIndex >, BlockRows, BlockCols, true >, IteratorBased >
 
struct  unary_evaluator< Block< SparseMatrix< _Scalar, _Options, _StorageIndex >, BlockRows, BlockCols, true >, IteratorBased >
 
struct  unary_evaluator< CwiseUnaryOp< UnaryOp, ArgType >, IndexBased >
 
struct  unary_evaluator< CwiseUnaryOp< UnaryOp, ArgType >, IteratorBased >
 
struct  unary_evaluator< CwiseUnaryView< UnaryOp, ArgType >, IndexBased >
 
struct  unary_evaluator< CwiseUnaryView< ViewOp, ArgType >, IteratorBased >
 
struct  unary_evaluator< Homogeneous< ArgType, Direction >, IndexBased >
 
struct  unary_evaluator< Inverse< ArgType > >
 
struct  unary_evaluator< MatrixWrapper< TArgType > >
 
struct  unary_evaluator< Replicate< ArgType, RowFactor, ColFactor > >
 
struct  unary_evaluator< Reverse< ArgType, Direction > >
 
struct  unary_evaluator< SparseView< ArgType >, IndexBased >
 
struct  unary_evaluator< SparseView< ArgType >, IteratorBased >
 
struct  unary_evaluator< SparseView< Product< Lhs, Rhs, Options > >, IteratorBased >
 
struct  unary_evaluator< Transpose< ArgType >, IndexBased >
 
struct  unary_evaluator< Transpose< ArgType >, IteratorBased >
 
struct  unary_evaluator< TriangularView< ArgType, Mode >, IteratorBased >
 
struct  unary_evaluator< TriangularView< MatrixType, Mode >, IndexBased >
 
struct  unary_result_of_select
 
struct  unary_result_of_select< Func, ArgType, sizeof(has_std_result_type)>
 
struct  unary_result_of_select< Func, ArgType, sizeof(has_tr1_result)>
 
class  UniformRandomGenerator
 
struct  unitOrthogonal_selector
 
struct  unitOrthogonal_selector< Derived, 2 >
 
struct  unitOrthogonal_selector< Derived, 3 >
 
struct  unpacket_traits
 
struct  unpacket_traits< DoublePacket< Packet > >
 
struct  unpacket_traits< Packet16f >
 
struct  unpacket_traits< Packet16i >
 
struct  unpacket_traits< Packet1cd >
 
struct  unpacket_traits< Packet2cd >
 
struct  unpacket_traits< Packet2cf >
 
struct  unpacket_traits< Packet2d >
 
struct  unpacket_traits< Packet4cf >
 
struct  unpacket_traits< Packet4d >
 
struct  unpacket_traits< Packet4f >
 
struct  unpacket_traits< Packet4i >
 
struct  unpacket_traits< Packet8d >
 
struct  unpacket_traits< Packet8f >
 
struct  unpacket_traits< Packet8i >
 
class  UpperBidiagonalization
 
class  variable_if_dynamic
 
class  variable_if_dynamic< T, Dynamic >
 
class  variable_if_dynamicindex
 
class  variable_if_dynamicindex< T, DynamicIndex >
 
struct  vector_int_pair
 
struct  vectorwise_reverse_inplace_impl
 
struct  vectorwise_reverse_inplace_impl< Horizontal >
 
struct  vectorwise_reverse_inplace_impl< Vertical >
 
class  visitor_evaluator
 
struct  visitor_impl
 
struct  visitor_impl< Visitor, Derived, 1 >
 
struct  visitor_impl< Visitor, Derived, Dynamic >
 
class  vml_assign_traits
 
struct  zeta_impl
 
struct  zeta_impl_series
 
struct  zeta_impl_series< double >
 
struct  zeta_impl_series< float >
 
struct  zeta_retval
 

Typedefs

typedef __vector float Packet4f
 
typedef __vector int Packet4i
 
typedef __vector unsigned int Packet4ui
 
typedef __vector __bool int Packet4bi
 
typedef __vector short int Packet8i
 
typedef __vector unsigned char Packet16uc
 
typedef __m256 Packet8f
 
typedef __m256d Packet4d
 
typedef __m512 Packet16f
 
typedef __m512i Packet16i
 
typedef __m512d Packet8d
 
typedef float32x2_t Packet2f
 
typedef int32x2_t Packet2i
 
typedef __m128d Packet2d
 
typedef __vector unsigned long long Packet2ul
 
typedef __vector long long Packet2l
 
typedef std::ptrdiff_t IntPtr
 
typedef std::size_t UIntPtr
 

Enumerations

enum  SignMatrix { PositiveSemiDef, NegativeSemiDef, ZeroSign, Indefinite }
 
enum  PermPermProduct_t { PermPermProduct }
 
enum  ComparisonName {
  cmp_EQ = 0, cmp_LT = 1, cmp_LE = 2, cmp_UNORD = 3,
  cmp_NEQ = 4, cmp_GT = 5, cmp_GE = 6
}
 
enum  { SDP_AsScalarProduct, SDP_AsCwiseProduct }
 
enum  { SVA_RuntimeSwitch, SVA_Inner, SVA_Outer }
 
enum  { LUNoMarker = 3 }
 
enum  { emptyIdxLU = -1 }
 
enum  MemType {
  LUSUP, UCOL, LSUB, USUB,
  LLVL, ULVL
}
 
enum  { PreconditionIfMoreColsThanRows, PreconditionIfMoreRowsThanCols }
 
enum  { ShardByRow = 0, ShardByCol = 1 }
 
enum  { Rhs = 0, Lhs = 1 }
 

Functions

template<>
EIGEN_STRONG_INLINE Packet2cf pset1< Packet2cf > (const std::complex< float > &from)
 
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 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 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 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 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 Packet2cf preduxp< Packet2cf > (const Packet2cf *vecs)
 
template<>
EIGEN_STRONG_INLINE std::complex< float > predux_mul< Packet2cf > (const Packet2cf &a)
 
template<>
EIGEN_STRONG_INLINE Packet2cf pdiv< Packet2cf > (const Packet2cf &a, const Packet2cf &b)
 
template<>
EIGEN_STRONG_INLINE Packet2cf pcplxflip< Packet2cf > (const Packet2cf &x)
 
EIGEN_STRONG_INLINE void ptranspose (PacketBlock< Packet2cf, 2 > &kernel)
 
template<>
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4f plog< 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 Packet4f prsqrt< Packet4f > (const Packet4f &x)
 
std::ostream & operator<< (std::ostream &s, const Packet16uc &v)
 
std::ostream & operator<< (std::ostream &s, const Packet4f &v)
 
std::ostream & operator<< (std::ostream &s, const Packet4i &v)
 
std::ostream & operator<< (std::ostream &s, const Packet4ui &v)
 
template<>
EIGEN_STRONG_INLINE Packet4f pload< Packet4f > (const float *from)
 
template<>
EIGEN_STRONG_INLINE Packet4i pload< Packet4i > (const int *from)
 
template<>
EIGEN_STRONG_INLINE void pstore< float > (float *to, const Packet4f &from)
 
template<>
EIGEN_STRONG_INLINE void pstore< int > (int *to, const Packet4i &from)
 
template<>
EIGEN_STRONG_INLINE Packet4f pset1< Packet4f > (const float &from)
 
template<>
EIGEN_STRONG_INLINE Packet4i pset1< Packet4i > (const int &from)
 
template<>
EIGEN_STRONG_INLINE void pbroadcast4< Packet4f > (const float *a, Packet4f &a0, Packet4f &a1, Packet4f &a2, Packet4f &a3)
 
template<>
EIGEN_STRONG_INLINE void pbroadcast4< Packet4i > (const int *a, Packet4i &a0, Packet4i &a1, Packet4i &a2, Packet4i &a3)
 
template<>
EIGEN_DEVICE_FUNC Packet4f pgather< float, Packet4f > (const float *from, Index stride)
 
template<>
EIGEN_DEVICE_FUNC Packet4i pgather< int, Packet4i > (const int *from, Index stride)
 
template<>
EIGEN_DEVICE_FUNC void pscatter< float, Packet4f > (float *to, const Packet4f &from, Index stride)
 
template<>
EIGEN_DEVICE_FUNC void pscatter< int, Packet4i > (int *to, const Packet4i &from, Index stride)
 
template<>
EIGEN_STRONG_INLINE Packet4f plset< Packet4f > (const float &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 Packet4i padd< Packet4i > (const Packet4i &a, const Packet4i &b)
 
template<>
EIGEN_STRONG_INLINE Packet4f psub< Packet4f > (const Packet4f &a, const Packet4f &b)
 
template<>
EIGEN_STRONG_INLINE Packet4i psub< Packet4i > (const Packet4i &a, const Packet4i &b)
 
template<>
EIGEN_STRONG_INLINE Packet4f pnegate (const Packet4f &a)
 
template<>
EIGEN_STRONG_INLINE Packet4i pnegate (const Packet4i &a)
 
template<>
EIGEN_STRONG_INLINE Packet4f pconj (const Packet4f &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 Packet4i pmul< Packet4i > (const Packet4i &a, const Packet4i &b)
 
template<>
EIGEN_STRONG_INLINE Packet4f pdiv< Packet4f > (const Packet4f &a, const Packet4f &b)
 
template<>
EIGEN_STRONG_INLINE Packet4i pdiv< Packet4i > (const Packet4i &, const Packet4i &)
 
template<>
EIGEN_STRONG_INLINE Packet4f pmadd (const Packet4f &a, const Packet4f &b, const Packet4f &c)
 
template<>
EIGEN_STRONG_INLINE Packet4i pmadd (const Packet4i &a, const Packet4i &b, const Packet4i &c)
 
template<>
EIGEN_STRONG_INLINE Packet4f pmin< Packet4f > (const Packet4f &a, const Packet4f &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 Packet4i pmax< Packet4i > (const Packet4i &a, const Packet4i &b)
 
template<>
EIGEN_STRONG_INLINE Packet4f pand< Packet4f > (const Packet4f &a, const Packet4f &b)
 
template<>
EIGEN_STRONG_INLINE Packet4i pand< Packet4i > (const Packet4i &a, const Packet4i &b)
 
template<>
EIGEN_STRONG_INLINE Packet4f por< Packet4f > (const Packet4f &a, const Packet4f &b)
 
template<>
EIGEN_STRONG_INLINE Packet4i por< Packet4i > (const Packet4i &a, const Packet4i &b)
 
template<>
EIGEN_STRONG_INLINE Packet4f pxor< Packet4f > (const Packet4f &a, const Packet4f &b)
 
template<>
EIGEN_STRONG_INLINE Packet4i pxor< Packet4i > (const Packet4i &a, const Packet4i &b)
 
template<>
EIGEN_STRONG_INLINE Packet4f pandnot< Packet4f > (const Packet4f &a, const Packet4f &b)
 
template<>
EIGEN_STRONG_INLINE Packet4i pandnot< Packet4i > (const Packet4i &a, const Packet4i &b)
 
template<>
EIGEN_STRONG_INLINE Packet4f pround< Packet4f > (const Packet4f &a)
 
template<>
EIGEN_STRONG_INLINE Packet4f pceil< Packet4f > (const Packet4f &a)
 
template<>
EIGEN_STRONG_INLINE Packet4f pfloor< Packet4f > (const Packet4f &a)
 
template<>
EIGEN_STRONG_INLINE Packet4i ploadu< Packet4i > (const int *from)
 
template<>
EIGEN_STRONG_INLINE Packet4f ploadu< Packet4f > (const float *from)
 
template<>
EIGEN_STRONG_INLINE Packet4f ploaddup< Packet4f > (const float *from)
 
template<>
EIGEN_STRONG_INLINE Packet4i ploaddup< Packet4i > (const int *from)
 
template<>
EIGEN_STRONG_INLINE void pstoreu< int > (int *to, const Packet4i &from)
 
template<>
EIGEN_STRONG_INLINE void pstoreu< float > (float *to, const Packet4f &from)
 
template<>
EIGEN_STRONG_INLINE void prefetch< float > (const float *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 int pfirst< Packet4i > (const Packet4i &a)
 
template<>
EIGEN_STRONG_INLINE Packet4f preverse (const Packet4f &a)
 
template<>
EIGEN_STRONG_INLINE Packet4i preverse (const Packet4i &a)
 
template<>
EIGEN_STRONG_INLINE Packet4f pabs (const Packet4f &a)
 
template<>
EIGEN_STRONG_INLINE Packet4i pabs (const Packet4i &a)
 
template<>
EIGEN_STRONG_INLINE float predux< Packet4f > (const Packet4f &a)
 
template<>
EIGEN_STRONG_INLINE Packet4f preduxp< Packet4f > (const Packet4f *vecs)
 
template<>
EIGEN_STRONG_INLINE int predux< Packet4i > (const Packet4i &a)
 
template<>
EIGEN_STRONG_INLINE Packet4i preduxp< Packet4i > (const Packet4i *vecs)
 
template<>
EIGEN_STRONG_INLINE float predux_mul< Packet4f > (const Packet4f &a)
 
template<>
EIGEN_STRONG_INLINE int predux_mul< Packet4i > (const Packet4i &a)
 
template<>
EIGEN_STRONG_INLINE float predux_min< Packet4f > (const Packet4f &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 int predux_max< Packet4i > (const Packet4i &a)
 
EIGEN_DEVICE_FUNC void ptranspose (PacketBlock< Packet4f, 4 > &kernel)
 
EIGEN_DEVICE_FUNC void ptranspose (PacketBlock< Packet4i, 4 > &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 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 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 Packet4cf preduxp< Packet4cf > (const Packet4cf *vecs)
 
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 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 Packet2cd preduxp< Packet2cd > (const Packet2cd *vecs)
 
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 Packet4cf pinsertfirst (const Packet4cf &a, std::complex< float > b)
 
template<>
EIGEN_STRONG_INLINE Packet2cd pinsertfirst (const Packet2cd &a, std::complex< double > b)
 
template<>
EIGEN_STRONG_INLINE Packet4cf pinsertlast (const Packet4cf &a, std::complex< float > b)
 
template<>
EIGEN_STRONG_INLINE Packet2cd pinsertlast (const Packet2cd &a, std::complex< double > b)
 
Packet8i pshiftleft (Packet8i v, int n)
 
Packet8f pshiftright (Packet8f v, int n)
 
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 plog< 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 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 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 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 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 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 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 pround< Packet8f > (const Packet8f &a)
 
template<>
EIGEN_STRONG_INLINE Packet4d pround< 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 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 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 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 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 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 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_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< double > (const double *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 preduxp< Packet8f > (const Packet8f *vecs)
 
template<>
EIGEN_STRONG_INLINE Packet4d preduxp< Packet4d > (const Packet4d *vecs)
 
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_downto4< 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)
 
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 Packet8f pinsertfirst (const Packet8f &a, float b)
 
template<>
EIGEN_STRONG_INLINE Packet4d pinsertfirst (const Packet4d &a, double b)
 
template<>
EIGEN_STRONG_INLINE Packet8f pinsertlast (const Packet8f &a, float b)
 
template<>
EIGEN_STRONG_INLINE Packet4d pinsertlast (const Packet4d &a, double b)
 
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 Packet16f pset1< Packet16f > (const float &from)
 
template<>
EIGEN_STRONG_INLINE Packet8d pset1< Packet8d > (const double &from)
 
template<>
EIGEN_STRONG_INLINE Packet16i pset1< Packet16i > (const int &from)
 
template<>
EIGEN_STRONG_INLINE Packet16f pload1< Packet16f > (const float *from)
 
template<>
EIGEN_STRONG_INLINE Packet8d pload1< Packet8d > (const double *from)
 
template<>
EIGEN_STRONG_INLINE Packet16f plset< Packet16f > (const float &a)
 
template<>
EIGEN_STRONG_INLINE Packet8d plset< Packet8d > (const double &a)
 
template<>
EIGEN_STRONG_INLINE Packet16f padd< Packet16f > (const Packet16f &a, const Packet16f &b)
 
template<>
EIGEN_STRONG_INLINE Packet8d padd< Packet8d > (const Packet8d &a, const Packet8d &b)
 
template<>
EIGEN_STRONG_INLINE Packet16f psub< Packet16f > (const Packet16f &a, const Packet16f &b)
 
template<>
EIGEN_STRONG_INLINE Packet8d psub< Packet8d > (const Packet8d &a, const Packet8d &b)
 
template<>
EIGEN_STRONG_INLINE Packet16f pnegate (const Packet16f &a)
 
template<>
EIGEN_STRONG_INLINE Packet8d pnegate (const Packet8d &a)
 
template<>
EIGEN_STRONG_INLINE Packet16f pconj (const Packet16f &a)
 
template<>
EIGEN_STRONG_INLINE Packet8d pconj (const Packet8d &a)
 
template<>
EIGEN_STRONG_INLINE Packet16i pconj (const Packet16i &a)
 
template<>
EIGEN_STRONG_INLINE Packet16f pmul< Packet16f > (const Packet16f &a, const Packet16f &b)
 
template<>
EIGEN_STRONG_INLINE Packet8d pmul< Packet8d > (const Packet8d &a, const Packet8d &b)
 
template<>
EIGEN_STRONG_INLINE Packet16f pdiv< Packet16f > (const Packet16f &a, const Packet16f &b)
 
template<>
EIGEN_STRONG_INLINE Packet8d pdiv< Packet8d > (const Packet8d &a, const Packet8d &b)
 
template<>
EIGEN_STRONG_INLINE Packet16f pmin< Packet16f > (const Packet16f &a, const Packet16f &b)
 
template<>
EIGEN_STRONG_INLINE Packet8d pmin< Packet8d > (const Packet8d &a, const Packet8d &b)
 
template<>
EIGEN_STRONG_INLINE Packet16f pmax< Packet16f > (const Packet16f &a, const Packet16f &b)
 
template<>
EIGEN_STRONG_INLINE Packet8d pmax< Packet8d > (const Packet8d &a, const Packet8d &b)
 
template<>
EIGEN_STRONG_INLINE Packet16f pand< Packet16f > (const Packet16f &a, const Packet16f &b)
 
template<>
EIGEN_STRONG_INLINE Packet8d pand< Packet8d > (const Packet8d &a, const Packet8d &b)
 
template<>
EIGEN_STRONG_INLINE Packet16f por< Packet16f > (const Packet16f &a, const Packet16f &b)
 
template<>
EIGEN_STRONG_INLINE Packet8d por< Packet8d > (const Packet8d &a, const Packet8d &b)
 
template<>
EIGEN_STRONG_INLINE Packet16f pxor< Packet16f > (const Packet16f &a, const Packet16f &b)
 
template<>
EIGEN_STRONG_INLINE Packet8d pxor< Packet8d > (const Packet8d &a, const Packet8d &b)
 
template<>
EIGEN_STRONG_INLINE Packet16f pandnot< Packet16f > (const Packet16f &a, const Packet16f &b)
 
template<>
EIGEN_STRONG_INLINE Packet8d pandnot< Packet8d > (const Packet8d &a, const Packet8d &b)
 
template<>
EIGEN_STRONG_INLINE Packet16f pload< Packet16f > (const float *from)
 
template<>
EIGEN_STRONG_INLINE Packet8d pload< Packet8d > (const double *from)
 
template<>
EIGEN_STRONG_INLINE Packet16i pload< Packet16i > (const int *from)
 
template<>
EIGEN_STRONG_INLINE Packet16f ploadu< Packet16f > (const float *from)
 
template<>
EIGEN_STRONG_INLINE Packet8d ploadu< Packet8d > (const double *from)
 
template<>
EIGEN_STRONG_INLINE Packet16i ploadu< Packet16i > (const int *from)
 
template<>
EIGEN_STRONG_INLINE Packet16f ploaddup< Packet16f > (const float *from)
 
template<>
EIGEN_STRONG_INLINE Packet8d ploaddup< Packet8d > (const double *from)
 
template<>
EIGEN_STRONG_INLINE Packet16f ploadquad< Packet16f > (const float *from)
 
template<>
EIGEN_STRONG_INLINE Packet8d ploadquad< Packet8d > (const double *from)
 
template<>
EIGEN_STRONG_INLINE void pstore< float > (float *to, const Packet16f &from)
 
template<>
EIGEN_STRONG_INLINE void pstore< double > (double *to, const Packet8d &from)
 
template<>
EIGEN_STRONG_INLINE void pstore< int > (int *to, const Packet16i &from)
 
template<>
EIGEN_STRONG_INLINE void pstoreu< float > (float *to, const Packet16f &from)
 
template<>
EIGEN_STRONG_INLINE void pstoreu< double > (double *to, const Packet8d &from)
 
template<>
EIGEN_STRONG_INLINE void pstoreu< int > (int *to, const Packet16i &from)
 
template<>
EIGEN_DEVICE_FUNC Packet16f pgather< float, Packet16f > (const float *from, Index stride)
 
template<>
EIGEN_DEVICE_FUNC Packet8d pgather< double, Packet8d > (const double *from, Index stride)
 
template<>
EIGEN_DEVICE_FUNC void pscatter< float, Packet16f > (float *to, const Packet16f &from, Index stride)
 
template<>
EIGEN_DEVICE_FUNC void pscatter< double, Packet8d > (double *to, const Packet8d &from, Index stride)
 
template<>
EIGEN_STRONG_INLINE void pstore1< Packet16f > (float *to, const float &a)
 
template<>
EIGEN_STRONG_INLINE void pstore1< Packet8d > (double *to, const double &a)
 
template<>
EIGEN_STRONG_INLINE void pstore1< Packet16i > (int *to, const int &a)
 
template<>
EIGEN_STRONG_INLINE float pfirst< Packet16f > (const Packet16f &a)
 
template<>
EIGEN_STRONG_INLINE double pfirst< Packet8d > (const Packet8d &a)
 
template<>
EIGEN_STRONG_INLINE int pfirst< Packet16i > (const Packet16i &a)
 
template<>
EIGEN_STRONG_INLINE Packet16f preverse (const Packet16f &a)
 
template<>
EIGEN_STRONG_INLINE Packet8d preverse (const Packet8d &a)
 
template<>
EIGEN_STRONG_INLINE Packet16f pabs (const Packet16f &a)
 
template<>
EIGEN_STRONG_INLINE Packet8d pabs (const Packet8d &a)
 
template<>
EIGEN_STRONG_INLINE Packet16f preduxp< Packet16f > (const Packet16f *vecs)
 
template<>
EIGEN_STRONG_INLINE Packet8d preduxp< Packet8d > (const Packet8d *vecs)
 
template<>
EIGEN_STRONG_INLINE float predux< Packet16f > (const Packet16f &a)
 
template<>
EIGEN_STRONG_INLINE double predux< Packet8d > (const Packet8d &a)
 
template<>
EIGEN_STRONG_INLINE Packet8f predux_downto4< Packet16f > (const Packet16f &a)
 
template<>
EIGEN_STRONG_INLINE Packet4d predux_downto4< Packet8d > (const Packet8d &a)
 
template<>
EIGEN_STRONG_INLINE float predux_mul< Packet16f > (const Packet16f &a)
 
template<>
EIGEN_STRONG_INLINE double predux_mul< Packet8d > (const Packet8d &a)
 
template<>
EIGEN_STRONG_INLINE float predux_min< Packet16f > (const Packet16f &a)
 
template<>
EIGEN_STRONG_INLINE double predux_min< Packet8d > (const Packet8d &a)
 
template<>
EIGEN_STRONG_INLINE float predux_max< Packet16f > (const Packet16f &a)
 
template<>
EIGEN_STRONG_INLINE double predux_max< Packet8d > (const Packet8d &a)
 
EIGEN_DEVICE_FUNC void ptranspose (PacketBlock< Packet16f, 16 > &kernel)
 
EIGEN_DEVICE_FUNC void ptranspose (PacketBlock< Packet16f, 4 > &kernel)
 
EIGEN_DEVICE_FUNC void ptranspose (PacketBlock< Packet8d, 4 > &kernel)
 
EIGEN_DEVICE_FUNC void ptranspose (PacketBlock< Packet8d, 8 > &kernel)
 
template<>
EIGEN_STRONG_INLINE Packet16f pblend (const Selector< 16 > &, const Packet16f &, const Packet16f &)
 
template<>
EIGEN_STRONG_INLINE Packet8d pblend (const Selector< 8 > &, const Packet8d &, const Packet8d &)
 
uint32x4_t p4ui_CONJ_XOR ()
 
uint32x2_t p2ui_CONJ_XOR ()
 
EIGEN_STRONG_INLINE Packet2cf pcplxflip (const Packet2cf &x)
 
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 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 Packet1cd preduxp< Packet1cd > (const Packet1cd *vecs)
 
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)
 
template<>
EIGEN_STRONG_INLINE Packet2cf pblend (const Selector< 2 > &ifPacket, const Packet2cf &thenPacket, const Packet2cf &elsePacket)
 
template<>
EIGEN_STRONG_INLINE Packet2cf pinsertfirst (const Packet2cf &a, std::complex< float > b)
 
template<>
EIGEN_STRONG_INLINE Packet1cd pinsertfirst (const Packet1cd &, std::complex< double > b)
 
template<>
EIGEN_STRONG_INLINE Packet2cf pinsertlast (const Packet2cf &a, std::complex< float > b)
 
template<>
EIGEN_STRONG_INLINE Packet1cd pinsertlast (const Packet1cd &, std::complex< double > b)
 
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 Packet2d prsqrt< Packet2d > (const Packet2d &x)
 
template<>
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS EIGEN_UNUSED Packet4f ptanh< Packet4f > (const Packet4f &x)
 
template<>
EIGEN_STRONG_INLINE Packet2d pset1< Packet2d > (const double &from)
 
template<>
EIGEN_STRONG_INLINE Packet2d plset< Packet2d > (const double &a)
 
template<>
EIGEN_STRONG_INLINE Packet2d padd< Packet2d > (const Packet2d &a, const Packet2d &b)
 
template<>
EIGEN_STRONG_INLINE Packet2d psub< Packet2d > (const Packet2d &a, const Packet2d &b)
 
template<>
EIGEN_STRONG_INLINE Packet2d pnegate (const Packet2d &a)
 
template<>
EIGEN_STRONG_INLINE Packet2d pconj (const Packet2d &a)
 
template<>
EIGEN_STRONG_INLINE Packet2d pmul< Packet2d > (const Packet2d &a, const Packet2d &b)
 
template<>
EIGEN_STRONG_INLINE Packet2d pdiv< Packet2d > (const Packet2d &a, const Packet2d &b)
 
template<>
EIGEN_STRONG_INLINE Packet2d pmin< Packet2d > (const Packet2d &a, const Packet2d &b)
 
template<>
EIGEN_STRONG_INLINE Packet2d pmax< Packet2d > (const Packet2d &a, const Packet2d &b)
 
template<>
EIGEN_STRONG_INLINE Packet2d pand< Packet2d > (const Packet2d &a, const Packet2d &b)
 
template<>
EIGEN_STRONG_INLINE Packet2d por< Packet2d > (const Packet2d &a, const Packet2d &b)
 
template<>
EIGEN_STRONG_INLINE Packet2d pxor< Packet2d > (const Packet2d &a, const Packet2d &b)
 
template<>
EIGEN_STRONG_INLINE Packet2d pandnot< Packet2d > (const Packet2d &a, const Packet2d &b)
 
template<>
EIGEN_STRONG_INLINE Packet2d pload< Packet2d > (const double *from)
 
template<>
EIGEN_STRONG_INLINE Packet2d ploadu< Packet2d > (const double *from)
 
template<>
EIGEN_STRONG_INLINE Packet2d ploaddup< Packet2d > (const double *from)
 
template<>
EIGEN_STRONG_INLINE void pstore< double > (double *to, const Packet2d &from)
 
template<>
EIGEN_STRONG_INLINE void pstoreu< double > (double *to, const Packet2d &from)
 
template<>
EIGEN_DEVICE_FUNC Packet2d pgather< double, Packet2d > (const double *from, Index stride)
 
template<>
EIGEN_DEVICE_FUNC void pscatter< double, Packet2d > (double *to, const Packet2d &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 double pfirst< Packet2d > (const Packet2d &a)
 
template<>
EIGEN_STRONG_INLINE Packet2d preverse (const Packet2d &a)
 
template<>
EIGEN_STRONG_INLINE Packet2d pabs (const Packet2d &a)
 
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 double predux< Packet2d > (const Packet2d &a)
 
template<>
EIGEN_STRONG_INLINE Packet2d preduxp< Packet2d > (const Packet2d *vecs)
 
template<>
EIGEN_STRONG_INLINE double predux_mul< Packet2d > (const Packet2d &a)
 
template<>
EIGEN_STRONG_INLINE double predux_min< Packet2d > (const Packet2d &a)
 
template<>
EIGEN_STRONG_INLINE double predux_max< Packet2d > (const Packet2d &a)
 
EIGEN_DEVICE_FUNC void ptranspose (PacketBlock< Packet2d, 2 > &kernel)
 
template<>
EIGEN_STRONG_INLINE Packet2d pblend (const Selector< 2 > &ifPacket, const Packet2d &thenPacket, const Packet2d &elsePacket)
 
template<>
EIGEN_STRONG_INLINE Packet4f pinsertfirst (const Packet4f &a, float b)
 
template<>
EIGEN_STRONG_INLINE Packet2d pinsertfirst (const Packet2d &a, double b)
 
template<>
EIGEN_STRONG_INLINE Packet4f pinsertlast (const Packet4f &a, float b)
 
template<>
EIGEN_STRONG_INLINE Packet2d pinsertlast (const Packet2d &a, double b)
 
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_DEVICE_FUNC Packet1cd pgather< std::complex< double >, Packet1cd > (const std::complex< double > *from, Index stride EIGEN_UNUSED)
 
template<>
EIGEN_DEVICE_FUNC void pscatter< std::complex< double >, Packet1cd > (std::complex< double > *to, const Packet1cd &from, Index stride EIGEN_UNUSED)
 
EIGEN_STRONG_INLINE void ptranspose (PacketBlock< Packet1cd, 2 > &kernel)
 
std::ostream & operator<< (std::ostream &s, const Packet2l &v)
 
std::ostream & operator<< (std::ostream &s, const Packet2ul &v)
 
std::ostream & operator<< (std::ostream &s, const Packet2d &v)
 
template<int element>
EIGEN_STRONG_INLINE Packet4f vec_splat_packet4f (const Packet4f &from)
 
template<>
EIGEN_STRONG_INLINE Packet2d pmadd (const Packet2d &a, const Packet2d &b, const Packet2d &c)
 
template<>
EIGEN_STRONG_INLINE Packet2d pround< Packet2d > (const Packet2d &a)
 
template<>
EIGEN_STRONG_INLINE Packet2d pceil< Packet2d > (const Packet2d &a)
 
template<>
EIGEN_STRONG_INLINE Packet2d pfloor< Packet2d > (const Packet2d &a)
 
template<>
EIGEN_STRONG_INLINE Packet4i pabs< Packet4i > (const Packet4i &a)
 
template<>
EIGEN_STRONG_INLINE Packet2d pabs< Packet2d > (const Packet2d &a)
 
template<>
EIGEN_STRONG_INLINE Packet4f pabs< Packet4f > (const Packet4f &a)
 
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 , 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 >
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)
 
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 T , int Size>
EIGEN_DEVICE_FUNC void check_static_allocation_size ()
 
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 Packet >
EIGEN_DEVICE_FUNC Packet padd (const Packet &a, const Packet &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<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<typename Packet >
EIGEN_DEVICE_FUNC Packet pdiv (const Packet &a, const Packet &b)
 
template<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<typename Packet >
EIGEN_DEVICE_FUNC Packet pabs (const Packet &a)
 
template<typename Packet >
EIGEN_DEVICE_FUNC Packet parg (const Packet &a)
 
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 pandnot (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 Packet pset1 (const typename unpacket_traits< Packet >::type &a)
 
template<typename Packet >
EIGEN_DEVICE_FUNC Packet pload1 (const typename unpacket_traits< Packet >::type *a)
 
template<typename Packet >
EIGEN_DEVICE_FUNC 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 >
Packet plset (const typename unpacket_traits< Packet >::type &a)
 
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 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 unpacket_traits< Packet >::type pfirst (const Packet &a)
 
template<typename Packet >
EIGEN_DEVICE_FUNC Packet preduxp (const Packet *vecs)
 
template<typename Packet >
EIGEN_DEVICE_FUNC unpacket_traits< Packet >::type predux (const Packet &a)
 
template<typename Packet >
EIGEN_DEVICE_FUNC conditional<(unpacket_traits< Packet >::size%8)==0, typename unpacket_traits< Packet >::half, Packet >::type predux_downto4 (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<typename Packet >
EIGEN_DEVICE_FUNC unpacket_traits< Packet >::type predux_max (const Packet &a)
 
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 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 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 pceil (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>
Packet ploadt_ro (const typename unpacket_traits< Packet >::type *from)
 
template<int Offset, typename PacketType >
void palign (PacketType &first, const PacketType &second)
 
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 Packet >
EIGEN_DEVICE_FUNC Packet pinsertfirst (const Packet &a, typename unpacket_traits< Packet >::type b)
 
template<typename Packet >
EIGEN_DEVICE_FUNC Packet pinsertlast (const Packet &a, typename unpacket_traits< Packet >::type b)
 
template<typename Derived >
std::ostream & print_matrix (std::ostream &s, const Derived &_m, const IOFormat &fmt)
 
template<typename T >
T generic_fast_tanh_float (const T &a_x)
 
 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 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 outer_product_selector_run (Dst &dst, const Lhs &lhs, const Rhs &rhs, const Func &func, const true_type &)
 
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 CJ , typename A , typename B , typename C , typename T >
EIGEN_STRONG_INLINE void gebp_madd (const CJ &cj, A &a, B &b, C &c, T &t)
 
template<typename Packet >
DoublePacket< Packetpadd (const DoublePacket< Packet > &a, const DoublePacket< Packet > &b)
 
template<typename Packet >
const DoublePacket< Packet > & predux_downto4 (const DoublePacket< Packet > &a)
 
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)
 
template<typename ExpressionType , typename Scalar >
void stable_norm_kernel (const ExpressionType &bl, Scalar &ssq, Scalar &scale, Scalar &invScale)
 
template<typename Derived >
NumTraits< typename traits< Derived >::Scalar >::Real blueNorm_impl (const EigenBase< Derived > &_vec)
 
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 T >
const T::Scalar * extract_data (const T &m)
 
bool copy_bool (bool b)
 
template<typename T >
EIGEN_DEVICE_FUNC void ignore_unused_variable (const T &)
 
EIGEN_DEVICE_FUNC void throw_std_bad_alloc ()
 
void * handmade_aligned_malloc (std::size_t size)
 
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 (size_t size)
 
EIGEN_DEVICE_FUNC void aligned_free (void *ptr)
 
void * aligned_realloc (void *ptr, size_t new_size, size_t old_size)
 
template<bool Align>
EIGEN_DEVICE_FUNC void * conditional_aligned_malloc (size_t size)
 
template<>
EIGEN_DEVICE_FUNC void * conditional_aligned_malloc< false > (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, size_t new_size, size_t old_size)
 
template<>
void * conditional_aligned_realloc< false > (void *ptr, size_t new_size, size_t)
 
template<typename T >
EIGEN_DEVICE_FUNC void destruct_elements_of_array (T *ptr, size_t size)
 
template<typename T >
EIGEN_DEVICE_FUNC Tconstruct_elements_of_array (T *ptr, size_t size)
 
template<typename T >
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE void check_size_for_overflow (size_t size)
 
template<typename T >
EIGEN_DEVICE_FUNC Taligned_new (size_t size)
 
template<typename T , bool Align>
EIGEN_DEVICE_FUNC Tconditional_aligned_new (size_t size)
 
template<typename T >
EIGEN_DEVICE_FUNC void aligned_delete (T *ptr, size_t size)
 
template<typename T , bool Align>
EIGEN_DEVICE_FUNC void conditional_aligned_delete (T *ptr, size_t size)
 
template<typename T , bool Align>
EIGEN_DEVICE_FUNC Tconditional_aligned_realloc_new (T *pts, size_t new_size, size_t old_size)
 
template<typename T , bool Align>
EIGEN_DEVICE_FUNC Tconditional_aligned_new_auto (size_t size)
 
template<typename T , bool Align>
Tconditional_aligned_realloc_new_auto (T *pts, size_t new_size, size_t old_size)
 
template<typename T , bool Align>
EIGEN_DEVICE_FUNC void conditional_aligned_delete_auto (T *ptr, 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 >
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 >
const Treturn_ptr ()
 
template<typename IndexDest , typename IndexSrc >
EIGEN_DEVICE_FUNC IndexDest convert_index (const IndexSrc &idx)
 
template<typename T >
EIGEN_DEVICE_FUNC Tconst_cast_ptr (const T *ptr)
 
template<typename T1 , typename T2 >
bool is_same_dense (const T1 &mat1, const T2 &mat2, typename enable_if< has_direct_access< T1 >::ret &&has_direct_access< T2 >::ret, T1 >::type *=0)
 
template<typename T1 , typename T2 >
bool is_same_dense (const T1 &, const T2 &, typename enable_if<!(has_direct_access< T1 >::ret &&has_direct_access< T2 >::ret), T1 >::type *=0)
 
 EIGEN_MEMBER_FUNCTOR (squaredNorm, Size *NumTraits< Scalar >::MulCost+(Size-1) *NumTraits< Scalar >::AddCost)
 
 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 (sum,(Size-1) *NumTraits< Scalar >::AddCost)
 
 EIGEN_MEMBER_FUNCTOR (mean,(Size-1) *NumTraits< Scalar >::AddCost+NumTraits< Scalar >::MulCost)
 
 EIGEN_MEMBER_FUNCTOR (minCoeff,(Size-1) *NumTraits< Scalar >::AddCost)
 
 EIGEN_MEMBER_FUNCTOR (maxCoeff,(Size-1) *NumTraits< Scalar >::AddCost)
 
 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_MEMBER_FUNCTOR (prod,(Size-1) *NumTraits< Scalar >::MulCost)
 
template<typename MatrixType , typename DiagType , typename SubDiagType >
ComputationInfo computeFromTridiagonal_impl (DiagType &diag, SubDiagType &subdiag, const Index maxIterations, bool computeEigenvectors, MatrixType &eivec)
 
template<typename MatrixType , typename CoeffVectorType >
void tridiagonalization_inplace (MatrixType &matA, CoeffVectorType &hCoeffs)
 
template<typename MatrixType , typename DiagonalType , typename SubDiagonalType >
void tridiagonalization_inplace (MatrixType &mat, DiagonalType &diag, SubDiagonalType &subdiag, bool extractQ)
 Performs a full tridiagonalization in place. More...
 
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)
 
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 conjugate_gradient (const MatrixType &mat, const Rhs &rhs, Dest &x, const Preconditioner &precond, Index &iters, typename Dest::RealScalar &tol_error)
 
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 least_square_conjugate_gradient (const MatrixType &mat, const Rhs &rhs, Dest &x, const Preconditioner &precond, Index &iters, typename Dest::RealScalar &tol_error)
 
template<typename VectorX , typename VectorY , typename OtherScalar >
void apply_rotation_in_the_plane (DenseBase< VectorX > &xpr_x, DenseBase< VectorY > &xpr_y, const JacobiRotation< OtherScalar > &j)
 Applies the clock wise 2D rotation j to the set of 2D vectors of cordinates 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 Derived >
const Derived::Scalar bruteforce_det3_helper (const MatrixBase< Derived > &matrix, int a, int b, int c)
 
template<typename Derived >
const Derived::Scalar bruteforce_det4_helper (const MatrixBase< Derived > &matrix, int j, int k, int m, int n)
 
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 MatrixType , typename TranspositionType >
void partial_lu_inplace (MatrixType &lu, TranspositionType &row_transpositions, typename TranspositionType::StorageIndex &nb_transpositions)
 
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 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 >
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 IndexType >
IndexType colamd_c (IndexType n_col)
 
template<typename IndexType >
IndexType colamd_r (IndexType n_row)
 
template<typename IndexType >
IndexType colamd_recommended (IndexType nnz, IndexType n_row, IndexType n_col)
 Returns the recommended value of Alen. More...
 
template<typename MatrixType >
void ordering_helper_at_plus_a (const MatrixType &A, MatrixType &symmat)
 
void eigen_pastix (pastix_data_t **pastix_data, int pastix_comm, int n, int *ptr, int *idx, float *vals, int *perm, int *invp, float *x, int nbrhs, int *iparm, double *dparm)
 
void eigen_pastix (pastix_data_t **pastix_data, int pastix_comm, int n, int *ptr, int *idx, double *vals, int *perm, int *invp, double *x, int nbrhs, int *iparm, double *dparm)
 
void eigen_pastix (pastix_data_t **pastix_data, int pastix_comm, int n, int *ptr, int *idx, std::complex< float > *vals, int *perm, int *invp, std::complex< float > *x, int nbrhs, int *iparm, double *dparm)
 
void eigen_pastix (pastix_data_t **pastix_data, int pastix_comm, int n, int *ptr, int *idx, std::complex< double > *vals, int *perm, int *invp, std::complex< double > *x, int nbrhs, int *iparm, double *dparm)
 
template<typename MatrixType >
void c_to_fortran_numbering (MatrixType &mat)
 
template<typename MatrixType >
void fortran_to_c_numbering (MatrixType &mat)
 
template<typename MatrixQR , typename HCoeffs >
void householder_qr_inplace_unblocked (MatrixQR &mat, HCoeffs &hCoeffs, typename MatrixQR::Scalar *tempData=0)
 
template<typename DstXprType , typename SrcXprType >
void assign_sparse_to_sparse (DstXprType &dst, const SrcXprType &src)
 
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.
 
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 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 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 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 >
SluMatrix asSluMatrix (MatrixType &mat)
 
template<typename Scalar , int Flags, typename Index >
MappedSparseMatrix< Scalar, Flags, Indexmap_superlu (SluMatrix &sluMat)
 View a Super LU matrix as an Eigen expression.
 
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 Dst , template< typename > class StorageBase, typename Src , typename Func >
EIGEN_DEVICE_FUNC void call_assignment (const NoAlias< Dst, StorageBase > &dst, const Src &src, const Func &func)
 
template<typename T >
T negate (const T &x)
 
template<DenseIndex n, typename Index , std::size_t Rank>
const Index array_get (DimensionList< Index, Rank > &)
 
template<DenseIndex n, typename Index , std::size_t Rank>
const Index array_get (const DimensionList< Index, Rank > &)
 
template<typename std::ptrdiff_t... Indices>
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE std::ptrdiff_t array_prod (const Sizes< Indices... > &)
 
template<std::ptrdiff_t n, typename std::ptrdiff_t... Indices>
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE std::ptrdiff_t array_get (const Sizes< Indices... > &)
 
template<std::ptrdiff_t n>
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE std::ptrdiff_t array_get (const Sizes<> &)
 
template<typename T >
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE T RandomToTypeUniform (uint64_t *state)
 
template<>
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Eigen::half RandomToTypeUniform< Eigen::half > (uint64_t *state)
 
template<>
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE float RandomToTypeUniform< float > (uint64_t *state)
 
template<>
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE double RandomToTypeUniform< double > (uint64_t *state)
 
template<>
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE std::complex< float > RandomToTypeUniform< std::complex< float > > (uint64_t *state)
 
template<>
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE std::complex< double > RandomToTypeUniform< std::complex< double > > (uint64_t *state)
 
template<typename T >
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE T RandomToTypeNormal (uint64_t *state)
 
template<>
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE std::complex< float > RandomToTypeNormal< std::complex< float > > (uint64_t *state)
 
template<>
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE std::complex< double > RandomToTypeNormal< std::complex< double > > (uint64_t *state)
 
template<typename HL , typename LL , typename HR , typename LR >
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE bool operator== (const TensorUInt128< HL, LL > &lhs, const TensorUInt128< HR, LR > &rhs)
 
template<typename HL , typename LL , typename HR , typename LR >
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE bool operator!= (const TensorUInt128< HL, LL > &lhs, const TensorUInt128< HR, LR > &rhs)
 
template<typename HL , typename LL , typename HR , typename LR >
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE bool operator>= (const TensorUInt128< HL, LL > &lhs, const TensorUInt128< HR, LR > &rhs)
 
template<typename HL , typename LL , typename HR , typename LR >
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE bool operator< (const TensorUInt128< HL, LL > &lhs, const TensorUInt128< HR, LR > &rhs)
 
template<typename HL , typename LL , typename HR , typename LR >
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE TensorUInt128< uint64_t, uint64_t > operator+ (const TensorUInt128< HL, LL > &lhs, const TensorUInt128< HR, LR > &rhs)
 
template<typename HL , typename LL , typename HR , typename LR >
EIGEN_DEVICE_FUNC EIGEN_ALWAYS_INLINE TensorUInt128< uint64_t, uint64_t > operator- (const TensorUInt128< HL, LL > &lhs, const TensorUInt128< HR, LR > &rhs)
 
template<std::size_t I, class T >
constexpr Tarray_get (std::vector< T > &a)
 
template<std::size_t I, class T >
constexpr T && array_get (std::vector< T > &&a)
 
template<std::size_t I, class T >
constexpr T const & array_get (std::vector< T > const &a)
 
template<std::size_t I, class T , std::size_t N>
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Tarray_get (array< T, N > &a)
 
template<std::size_t I, class T , std::size_t N>
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE const Tarray_get (const array< T, N > &a)
 
template<int n, typename t >
array< t, n > repeat (t v)
 
template<std::size_t I, class Head , class Tail >
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Head::type array_get (type_list< Head, Tail > &)
 
template<std::size_t I, class Head , class Tail >
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Head::type array_get (const type_list< Head, Tail > &)
 
template<class NList >
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE NList::HeadType::type array_prod (const NList &)
 
template<typename t , std::size_t n>
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE t array_prod (const array< t, n > &a)
 
template<typename t >
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE t array_prod (const array< t, 0 > &)
 
template<typename t >
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE t array_prod (const std::vector< t > &a)
 
template<std::size_t I, class T >
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Tarray_get (std::vector< T > &a)
 
template<std::size_t I, class T >
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE const Tarray_get (const std::vector< T > &a)
 
template<typename Reducer , typename Op , typename A , std::size_t N>
bool array_apply_and_reduce (const array< A, N > &a)
 
template<typename Reducer , typename Op , typename A , typename B , std::size_t N>
bool array_zip_and_reduce (const array< A, N > &a, const array< B, N > &b)
 
template<typename A , typename B >
void make_coherent (const A &a, const B &b)
 
template<typename BVH , typename Intersector >
bool intersect_helper (const BVH &tree, Intersector &intersector, typename BVH::Index root)
 
template<typename BVH , typename Minimizer >
Minimizer::Scalar minimize_helper (const BVH &tree, Minimizer &minimizer, typename BVH::Index root, typename Minimizer::Scalar minimum)
 
template<typename T >
Tfftw_cast (const T *p)
 
fftw_complex * fftw_cast (const std::complex< double > *p)
 
fftwf_complex * fftw_cast (const std::complex< float > *p)
 
fftwl_complex * fftw_cast (const std::complex< long double > *p)
 
template<typename CMatrix , typename CINVMatrix >
void pseudo_inverse (const CMatrix &C, CINVMatrix &CINV)
 Compute the pseudo inverse of the non-square matrix C such that \( CINV = (C * C^T)^{-1} * C \) based on a conjugate gradient method. More...
 
template<typename TMatrix , typename CMatrix , typename VectorX , typename VectorB , typename VectorF >
void constrained_cg (const TMatrix &A, const CMatrix &C, VectorX &x, const VectorB &b, const VectorF &f, IterationController &iter)
 Constrained conjugate gradient. More...
 
template<typename VectorType , typename IndexType >
void sortWithPermutation (VectorType &vec, IndexType &perm, typename IndexType::Scalar &ncut)
 Computes a permutation vector to have a sorted sequence. More...
 
template<typename MatrixType , typename Rhs , typename Dest , typename Preconditioner >
bool gmres (const MatrixType &mat, const Rhs &rhs, Dest &x, const Preconditioner &precond, Index &iters, const Index &restart, typename Dest::RealScalar &tol_error)
 Generalized Minimal Residual Algorithm based on the Arnoldi algorithm implemented with Householder reflections. More...
 
template<typename MatrixType , typename Rhs , typename Dest , typename Preconditioner >
EIGEN_DONT_INLINE void minres (const MatrixType &mat, const Rhs &rhs, Dest &x, const Preconditioner &precond, Index &iters, typename Dest::RealScalar &tol_error)
 
template<typename QRSolver , typename VectorType >
void lmpar2 (const QRSolver &qr, const VectorType &diag, const VectorType &qtb, typename VectorType::Scalar m_delta, typename VectorType::Scalar &par, VectorType &x)
 
template<typename Scalar >
void covar (Matrix< Scalar, Dynamic, Dynamic > &r, const VectorXi &ipvt, Scalar tol=std::sqrt(NumTraits< Scalar >::epsilon()))
 
template<typename Scalar , int Rows, int Cols, typename PermIndex >
void lmqrsolv (Matrix< Scalar, Rows, Cols > &s, const PermutationMatrix< Dynamic, Dynamic, PermIndex > &iPerm, const Matrix< Scalar, Dynamic, 1 > &diag, const Matrix< Scalar, Dynamic, 1 > &qtb, Matrix< Scalar, Dynamic, 1 > &x, Matrix< Scalar, Dynamic, 1 > &sdiag)
 
template<typename Scalar , int _Options, typename Index >
void lmqrsolv (SparseMatrix< Scalar, _Options, Index > &s, const PermutationMatrix< Dynamic, Dynamic > &iPerm, const Matrix< Scalar, Dynamic, 1 > &diag, const Matrix< Scalar, Dynamic, 1 > &qtb, Matrix< Scalar, Dynamic, 1 > &x, Matrix< Scalar, Dynamic, 1 > &sdiag)
 
template<typename MatrixType >
void matrix_exp_pade3 (const MatrixType &A, MatrixType &U, MatrixType &V)
 Compute the (3,3)-Padé approximant to the exponential. More...
 
template<typename MatrixType >
void matrix_exp_pade5 (const MatrixType &A, MatrixType &U, MatrixType &V)
 Compute the (5,5)-Padé approximant to the exponential. More...
 
template<typename MatrixType >
void matrix_exp_pade7 (const MatrixType &A, MatrixType &U, MatrixType &V)
 Compute the (7,7)-Padé approximant to the exponential. More...
 
template<typename MatrixType >
void matrix_exp_pade9 (const MatrixType &A, MatrixType &U, MatrixType &V)
 Compute the (9,9)-Padé approximant to the exponential. More...
 
template<typename MatrixType >
void matrix_exp_pade13 (const MatrixType &A, MatrixType &U, MatrixType &V)
 Compute the (13,13)-Padé approximant to the exponential. More...
 
template<typename MatrixType , typename ResultType >
void matrix_exp_compute (const MatrixType &arg, ResultType &result)
 
template<typename MatrixType >
NumTraits< typename MatrixType::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.
 
template<typename VectorType >
void matrix_function_compute_block_start (const VectorType &clusterSize, VectorType &blockStart)
 Compute start of each block using clusterSize.
 
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.
 
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.
 
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.
 
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 >
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 MatrixType , typename ResultType >
void matrix_sqrt_quasi_triangular_2x2_diagonal_block (const MatrixType &T, typename MatrixType::Index i, ResultType &sqrtT)
 
template<typename MatrixType , typename ResultType >
void matrix_sqrt_quasi_triangular_1x1_off_diagonal_block (const MatrixType &T, typename MatrixType::Index i, typename MatrixType::Index j, ResultType &sqrtT)
 
template<typename MatrixType , typename ResultType >
void matrix_sqrt_quasi_triangular_1x2_off_diagonal_block (const MatrixType &T, typename MatrixType::Index i, typename MatrixType::Index j, ResultType &sqrtT)
 
template<typename MatrixType , typename ResultType >
void matrix_sqrt_quasi_triangular_2x1_off_diagonal_block (const MatrixType &T, typename MatrixType::Index i, typename MatrixType::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, typename MatrixType::Index i, typename MatrixType::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 Scalar >
void chkder (const Matrix< Scalar, Dynamic, 1 > &x, const Matrix< Scalar, Dynamic, 1 > &fvec, const Matrix< Scalar, Dynamic, Dynamic > &fjac, Matrix< Scalar, Dynamic, 1 > &xp, const Matrix< Scalar, Dynamic, 1 > &fvecp, int mode, Matrix< Scalar, Dynamic, 1 > &err)
 
template<typename Scalar >
void dogleg (const Matrix< Scalar, Dynamic, Dynamic > &qrfac, const Matrix< Scalar, Dynamic, 1 > &diag, const Matrix< Scalar, Dynamic, 1 > &qtb, Scalar delta, Matrix< Scalar, Dynamic, 1 > &x)
 
template<typename FunctorType , typename Scalar >
DenseIndex fdjac1 (const FunctorType &Functor, Matrix< Scalar, Dynamic, 1 > &x, Matrix< Scalar, Dynamic, 1 > &fvec, Matrix< Scalar, Dynamic, Dynamic > &fjac, DenseIndex ml, DenseIndex mu, Scalar epsfcn)
 
template<typename Scalar >
void lmpar (Matrix< Scalar, Dynamic, Dynamic > &r, const VectorXi &ipvt, const Matrix< Scalar, Dynamic, 1 > &diag, const Matrix< Scalar, Dynamic, 1 > &qtb, Scalar delta, Scalar &par, Matrix< Scalar, Dynamic, 1 > &x)
 
template<typename Scalar >
void lmpar2 (const ColPivHouseholderQR< Matrix< Scalar, Dynamic, Dynamic > > &qr, const Matrix< Scalar, Dynamic, 1 > &diag, const Matrix< Scalar, Dynamic, 1 > &qtb, Scalar delta, Scalar &par, Matrix< Scalar, Dynamic, 1 > &x)
 
template<typename Scalar >
void qrsolv (Matrix< Scalar, Dynamic, Dynamic > &s, const VectorXi &ipvt, const Matrix< Scalar, Dynamic, 1 > &diag, const Matrix< Scalar, Dynamic, 1 > &qtb, Matrix< Scalar, Dynamic, 1 > &x, Matrix< Scalar, Dynamic, 1 > &sdiag)
 
template<typename Scalar >
void r1mpyq (DenseIndex m, DenseIndex n, Scalar *a, const std::vector< JacobiRotation< Scalar > > &v_givens, const std::vector< JacobiRotation< Scalar > > &w_givens)
 
template<typename Scalar >
void r1updt (Matrix< Scalar, Dynamic, Dynamic > &s, const Matrix< Scalar, Dynamic, 1 > &u, std::vector< JacobiRotation< Scalar > > &v_givens, std::vector< JacobiRotation< Scalar > > &w_givens, Matrix< Scalar, Dynamic, 1 > &v, Matrix< Scalar, Dynamic, 1 > &w, bool *sing)
 
template<typename Scalar >
void rwupdt (Matrix< Scalar, Dynamic, Dynamic > &r, const Matrix< Scalar, Dynamic, 1 > &w, Matrix< Scalar, Dynamic, 1 > &b, Scalar alpha)
 
template<typename T >
T radix ()
 
template<typename T >
T radix2 ()
 
template<typename Lhs , typename Rhs , typename Dest >
EIGEN_DONT_INLINE void skyline_row_major_time_dense_product (const Lhs &lhs, const Rhs &rhs, Dest &dst)
 
template<typename Lhs , typename Rhs , typename Dest >
EIGEN_DONT_INLINE void skyline_col_major_time_dense_product (const Lhs &lhs, const Rhs &rhs, Dest &dst)
 
template<typename Scalar >
bool GetMarketLine (std::stringstream &line, Index &M, Index &N, Index &i, Index &j, Scalar &value)
 
template<typename Scalar >
bool GetMarketLine (std::stringstream &line, Index &M, Index &N, Index &i, Index &j, std::complex< Scalar > &value)
 
template<typename RealScalar >
void GetVectorElt (const std::string &line, RealScalar &val)
 
template<typename RealScalar >
void GetVectorElt (const std::string &line, std::complex< RealScalar > &val)
 
template<typename Scalar >
void putMarketHeader (std::string &header, int sym)
 
template<typename Scalar >
void PutMatrixElt (Scalar value, int row, int col, std::ofstream &out)
 
template<typename Scalar >
void PutMatrixElt (std::complex< Scalar > value, int row, int col, std::ofstream &out)
 
template<typename Scalar >
void putVectorElt (Scalar value, std::ofstream &out)
 
template<typename Scalar >
void putVectorElt (std::complex< Scalar > value, std::ofstream &out)
 
template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet plgamma (const Packet &a)
 
template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet pdigamma (const Packet &a)
 
template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet pzeta (const Packet &x, const Packet &q)
 
template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet ppolygamma (const Packet &n, const Packet &x)
 
template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet perf (const Packet &a)
 
template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet perfc (const Packet &a)
 
template<typename Packet >
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet pigamma (const Packet &a, const Packet &x)
 
template<typename Packet >
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet pigammac (const Packet &a, const Packet &x)
 
template<typename Packet >
EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE Packet pbetainc (const Packet &a, const Packet &b, const Packet &x)
 

Variables

const std::ptrdiff_t defaultL1CacheSize = 16*1024
 
const std::ptrdiff_t defaultL2CacheSize = 512*1024
 
const std::ptrdiff_t defaultL3CacheSize = 512*1024
 

Detailed Description

template <class> class MakePointer_ is added to convert the host pointer to the device pointer.

It is added due to the fact that for our device compiler T* is not allowed. If we wanted to use the same Evaluator functions we have to convert that type to our pointer T. This is done through our MakePointer_ class. By default the Type in the MakePointer_<T> is T* . Therefore, by adding the default value, we managed to convert the type and it does not break any existing code as its default value is T*.

Function Documentation

§ apply_rotation_in_the_plane()

template<typename VectorX , typename VectorY , typename OtherScalar >
void Eigen::internal::apply_rotation_in_the_plane ( DenseBase< VectorX > &  xpr_x,
DenseBase< VectorY > &  xpr_y,
const JacobiRotation< OtherScalar > &  j 
)

Applies the clock wise 2D rotation j to the set of 2D vectors of cordinates x and y: \( \left ( \begin{array}{cc} x \\ y \end{array} \right ) = J \left ( \begin{array}{cc} x \\ y \end{array} \right ) \)

See also
MatrixBase::applyOnTheLeft(), MatrixBase::applyOnTheRight()

§ colamd_recommended()

template<typename IndexType >
IndexType Eigen::internal::colamd_recommended ( IndexType  nnz,
IndexType  n_row,
IndexType  n_col 
)
inline

Returns the recommended value of Alen.

Returns recommended value of Alen for use by colamd. Returns -1 if any input argument is negative. The use of this routine or macro is optional. Note that the macro uses its arguments more than once, so be careful for side effects, if you pass expressions as arguments to COLAMD_RECOMMENDED.

Parameters
nnznonzeros in A
n_rownumber of rows in A
n_colnumber of columns in A
Returns
recommended value of Alen for use by colamd

§ coletree()

template<typename MatrixType , typename IndexVector >
int Eigen::internal::coletree ( const MatrixType &  mat,
IndexVector &  parent,
IndexVector &  firstRowElt,
typename MatrixType::StorageIndex *  perm = 0 
)

Compute the column elimination tree of a sparse matrix.

Parameters
matThe matrix in column-major format.
parentThe elimination tree
firstRowEltThe column index of the first element in each row
permThe permutation to apply to the column of mat

§ computeProductBlockingSizes()

template<typename LhsScalar , typename RhsScalar , int KcFactor, typename Index >
void Eigen::internal::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.

Parameters
[in,out]kInput: the third dimension of the product. Output: the blocking size along the same dimension.
[in,out]mInput: the number of rows of the left hand side. Output: the blocking size along the same dimension.
[in,out]nInput: the number of columns of the right hand side. Output: the blocking size along the same dimension.

Given a m x k times k x n matrix product of scalar types LhsScalar and RhsScalar, this function computes the blocking size parameters along the respective dimensions for matrix products and related algorithms.

The blocking size parameters may be evaluated:

  • either by a heuristic based on cache sizes;
  • or using fixed prescribed values (for testing purposes).
See also
setCpuCacheSizes

§ constrained_cg()

template<typename TMatrix , typename CMatrix , typename VectorX , typename VectorB , typename VectorF >
void Eigen::internal::constrained_cg ( const TMatrix &  A,
const CMatrix &  C,
VectorX x,
const VectorB &  b,
const VectorF &  f,
IterationController iter 
)

Constrained conjugate gradient.

Computes the minimum of \( 1/2((Ax).x) - bx \) under the contraint \( Cx \le f \)

§ gmres()

template<typename MatrixType , typename Rhs , typename Dest , typename Preconditioner >
bool Eigen::internal::gmres ( const MatrixType &  mat,
const Rhs &  rhs,
Dest &  x,
const Preconditioner &  precond,
Index iters,
const Index restart,
typename Dest::RealScalar &  tol_error 
)

Generalized Minimal Residual Algorithm based on the Arnoldi algorithm implemented with Householder reflections.

Parameters:

Parameters
matmatrix of linear system of equations
Rhsright hand side vector of linear system of equations
xon input: initial guess, on output: solution
precondpreconditioner used
iterson input: maximum number of iterations to perform on output: number of iterations performed
restartnumber of iterations for a restart
tol_erroron input: relative residual tolerance on output: residuum achieved
See also
IterativeMethods::bicgstab()

For references, please see:

Saad, Y. and Schultz, M. H. GMRES: A Generalized Minimal Residual Algorithm for Solving Nonsymmetric Linear Systems. SIAM J.Sci.Stat.Comp. 7, 1986, pp. 856 - 869.

Saad, Y. Iterative Methods for Sparse Linear Systems. Society for Industrial and Applied Mathematics, Philadelphia, 2003.

Walker, H. F. Implementations of the GMRES method. Comput.Phys.Comm. 53, 1989, pp. 311 - 320.

Walker, H. F. Implementation of the GMRES Method using Householder Transformations. SIAM J.Sci.Stat.Comp. 9, 1988, pp. 152 - 163.

§ matrix_exp_pade13()

template<typename MatrixType >
void Eigen::internal::matrix_exp_pade13 ( const MatrixType &  A,
MatrixType &  U,
MatrixType &  V 
)

Compute the (13,13)-Padé approximant to the exponential.

After exit, \( (V+U)(V-U)^{-1} \) is the Padé approximant of \( \exp(A) \) around \( A = 0 \).

§ matrix_exp_pade3()

template<typename MatrixType >
void Eigen::internal::matrix_exp_pade3 ( const MatrixType &  A,
MatrixType &  U,
MatrixType &  V 
)

Compute the (3,3)-Padé approximant to the exponential.

After exit, \( (V+U)(V-U)^{-1} \) is the Padé approximant of \( \exp(A) \) around \( A = 0 \).

§ matrix_exp_pade5()

template<typename MatrixType >
void Eigen::internal::matrix_exp_pade5 ( const MatrixType &  A,
MatrixType &  U,
MatrixType &  V 
)

Compute the (5,5)-Padé approximant to the exponential.

After exit, \( (V+U)(V-U)^{-1} \) is the Padé approximant of \( \exp(A) \) around \( A = 0 \).

§ matrix_exp_pade7()

template<typename MatrixType >
void Eigen::internal::matrix_exp_pade7 ( const MatrixType &  A,
MatrixType &  U,
MatrixType &  V 
)

Compute the (7,7)-Padé approximant to the exponential.

After exit, \( (V+U)(V-U)^{-1} \) is the Padé approximant of \( \exp(A) \) around \( A = 0 \).

§ matrix_exp_pade9()

template<typename MatrixType >
void Eigen::internal::matrix_exp_pade9 ( const MatrixType &  A,
MatrixType &  U,
MatrixType &  V 
)

Compute the (9,9)-Padé approximant to the exponential.

After exit, \( (V+U)(V-U)^{-1} \) is the Padé approximant of \( \exp(A) \) around \( A = 0 \).

§ matrix_function_compute_above_diagonal()

template<typename MatrixType , typename VectorType >
void Eigen::internal::matrix_function_compute_above_diagonal ( const MatrixType &  T,
const VectorType blockStart,
const VectorType clusterSize,
MatrixType &  fT 
)

Compute part of matrix function above block diagonal.

This routine completes the computation of fT, denoting a matrix function applied to the triangular matrix T. It assumes that the block diagonal part of fT has already been computed. The part below the diagonal is zero, because T is upper triangular.

§ matrix_function_compute_block_atomic()

template<typename MatrixType , typename AtomicType , typename VectorType >
void Eigen::internal::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.

This routine computes the matrix function applied to the block diagonal part of T (which should be upper triangular), with the blocking given by blockStart and clusterSize. The matrix function of each diagonal block is computed by atomic. The off-diagonal parts of fT are set to zero.

§ matrix_function_find_cluster()

template<typename Index , typename ListOfClusters >
ListOfClusters::iterator Eigen::internal::matrix_function_find_cluster ( Index  key,
ListOfClusters &  clusters 
)

Find cluster in clusters containing some value.

Parameters
[in]keyValue to find
Returns
Iterator to cluster containing key, or clusters.end() if no cluster in m_clusters contains key.

§ matrix_function_partition_eigenvalues()

template<typename EivalsType , typename Cluster >
void Eigen::internal::matrix_function_partition_eigenvalues ( const EivalsType &  eivals,
std::list< Cluster > &  clusters 
)

Partition eigenvalues in clusters of ei'vals close to each other.

Parameters
[in]eivalsEigenvalues
[out]clustersResulting partition of eigenvalues

The partition satisfies the following two properties:

Any eigenvalue in a certain cluster is at most matrix_function_separation() away from another eigenvalue

in the same cluster.

The distance between two eigenvalues in different clusters is more than matrix_function_separation().

The implementation follows Algorithm 4.1 in the paper of Davies and Higham.

§ matrix_function_solve_triangular_sylvester()

template<typename MatrixType >
MatrixType Eigen::internal::matrix_function_solve_triangular_sylvester ( const MatrixType &  A,
const MatrixType &  B,
const MatrixType &  C 
)

Solve a triangular Sylvester equation AX + XB = C.

Parameters
[in]Athe matrix A; should be square and upper triangular
[in]Bthe matrix B; should be square and upper triangular
[in]Cthe matrix C; should have correct size.
Returns
the solution X.

If A is m-by-m and B is n-by-n, then both C and X are m-by-n. The (i,j)-th component of the Sylvester equation is

\[ \sum_{k=i}^m A_{ik} X_{kj} + \sum_{k=1}^j X_{ik} B_{kj} = C_{ij}. \]

This can be re-arranged to yield:

\[ X_{ij} = \frac{1}{A_{ii} + B_{jj}} \Bigl( C_{ij} - \sum_{k=i+1}^m A_{ik} X_{kj} - \sum_{k=1}^{j-1} X_{ik} B_{kj} \Bigr). \]

It is assumed that A and B are such that the numerator is never zero (otherwise the Sylvester equation does not have a unique solution). In that case, these equations can be evaluated in the order \( i=m,\ldots,1 \) and \( j=1,\ldots,n \).

§ matrix_log_compute_2x2()

template<typename MatrixType >
void Eigen::internal::matrix_log_compute_2x2 ( const MatrixType &  A,
MatrixType &  result 
)

Compute logarithm of 2x2 triangular matrix.

§ matrix_log_compute_big()

template<typename MatrixType >
void Eigen::internal::matrix_log_compute_big ( const MatrixType &  A,
MatrixType &  result 
)

Compute logarithm of triangular matrices with size > 2.

This uses a inverse scale-and-square algorithm.

§ nr_etdfs()

template<typename IndexVector >
void Eigen::internal::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.

No recursion. This routine was contributed by Cédric Doucet, CEDRAT Group, Meylan, France.

§ pseudo_inverse()

template<typename CMatrix , typename CINVMatrix >
void Eigen::internal::pseudo_inverse ( const CMatrix &  C,
CINVMatrix &  CINV 
)

Compute the pseudo inverse of the non-square matrix C such that \( CINV = (C * C^T)^{-1} * C \) based on a conjugate gradient method.

This function is internally used by constrained_cg.

§ rcond_estimate_helper()

template<typename Decomposition >
Decomposition::RealScalar Eigen::internal::rcond_estimate_helper ( typename Decomposition::RealScalar  matrix_norm,
const Decomposition &  dec 
)

Reciprocal condition number estimator.

Computing a decomposition of a dense matrix takes O(n^3) operations, while this method estimates the condition number quickly and reliably in O(n^2) operations.

Returns
an estimate of the reciprocal condition number (1 / (||matrix||_1 * ||inv(matrix)||_1)) of matrix, given ||matrix||_1 and its decomposition. Supports the following decompositions: FullPivLU, PartialPivLU, LDLT, and LLT.
See also
FullPivLU, PartialPivLU, LDLT, LLT.

§ rcond_invmatrix_L1_norm_estimate()

template<typename Decomposition >
Decomposition::RealScalar Eigen::internal::rcond_invmatrix_L1_norm_estimate ( const Decomposition &  dec)
Returns
an estimate of ||inv(matrix)||_1 given a decomposition of matrix that implements .solve() and .adjoint().solve() methods.

This function implements Algorithms 4.1 and 5.1 from http://www.maths.manchester.ac.uk/~higham/narep/narep135.pdf which also forms the basis for the condition number estimators in LAPACK. Since at most 10 calls to the solve method of dec are performed, the total cost is O(dims^2), as opposed to O(dims^3) needed to compute the inverse matrix explicitly.

The most common usage is in estimating the condition number ||matrix||_1 * ||inv(matrix)||_1. The first term ||matrix||_1 can be computed directly in O(n^2) operations.

Supports the following decompositions: FullPivLU, PartialPivLU, LDLT, and LLT.

See also
FullPivLU, PartialPivLU, LDLT, LLT.

§ sortWithPermutation()

template<typename VectorType , typename IndexType >
void Eigen::internal::sortWithPermutation ( VectorType vec,
IndexType &  perm,
typename IndexType::Scalar &  ncut 
)

Computes a permutation vector to have a sorted sequence.

Parameters
vecThe vector to reorder.
permgives the sorted sequence on output. Must be initialized with 0..n-1
ncutPut the ncut smallest elements at the end of the vector WARNING This is an expensive sort, so should be used only for small size vectors TODO Use modified QuickSplit or std::nth_element to get the smallest values

§ stem_function_cos()

template<typename Scalar >
Scalar Eigen::internal::stem_function_cos ( Scalar  x,
int  n 
)

Cosine (and its derivatives).

§ stem_function_cosh()

template<typename Scalar >
Scalar Eigen::internal::stem_function_cosh ( Scalar  x,
int  n 
)

Hyperbolic cosine (and its derivatives).

§ stem_function_exp()

template<typename Scalar >
Scalar Eigen::internal::stem_function_exp ( Scalar  x,
int   
)

The exponential function (and its derivatives).

§ stem_function_sin()

template<typename Scalar >
Scalar Eigen::internal::stem_function_sin ( Scalar  x,
int  n 
)

Sine (and its derivatives).

§ stem_function_sinh()

template<typename Scalar >
Scalar Eigen::internal::stem_function_sinh ( Scalar  x,
int  n 
)

Hyperbolic sine (and its derivatives).

§ treePostorder()

template<typename IndexVector >
void Eigen::internal::treePostorder ( typename IndexVector::Scalar  n,
IndexVector &  parent,
IndexVector &  post 
)

Post order a tree.

Parameters
nthe number of nodes
parentInput tree
postpostordered tree

§ tridiagonalization_inplace()

template<typename MatrixType , typename DiagonalType , typename SubDiagonalType >
void Eigen::internal::tridiagonalization_inplace ( MatrixType &  mat,
DiagonalType &  diag,
SubDiagonalType &  subdiag,
bool  extractQ 
)

Performs a full tridiagonalization in place.

Parameters
[in,out]matOn input, the selfadjoint matrix whose tridiagonal decomposition is to be computed. Only the lower triangular part referenced. The rest is left unchanged. On output, the orthogonal matrix Q in the decomposition if extractQ is true.
[out]diagThe diagonal of the tridiagonal matrix T in the decomposition.
[out]subdiagThe subdiagonal of the tridiagonal matrix T in the decomposition.
[in]extractQIf true, the orthogonal matrix Q in the decomposition is computed and stored in mat.

Computes the tridiagonal decomposition of the selfadjoint matrix mat in place such that \( mat = Q T Q^* \) where \( Q \) is unitary and \( T \) a real symmetric tridiagonal matrix.

The tridiagonal matrix T is passed to the output parameters diag and subdiag. If extractQ is true, then the orthogonal matrix Q is passed to mat. Otherwise the lower part of the matrix mat is destroyed.

The vectors diag and subdiag are not resized. The function assumes that they are already of the correct size. The length of the vector diag should equal the number of rows in mat, and the length of the vector subdiag should be one left.

This implementation contains an optimized path for 3-by-3 matrices which is especially useful for plane fitting.

Note
Currently, it requires two temporary vectors to hold the intermediate Householder coefficients, and to reconstruct the matrix Q from the Householder reflectors.

Example (this uses the same matrix as the example in Tridiagonalization::Tridiagonalization(const MatrixType&)):

Output:

See also
class Tridiagonalization