Classes | Typedefs | Enumerations | Functions | Variables
internal Namespace Reference

Classes

struct  abs2_impl
struct  abs2_impl< std::complex< RealScalar > >
struct  abs2_retval
struct  abs_impl
struct  abs_retval
struct  accessors_level
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_unroller
struct  all_unroller< Derived, 1 >
struct  all_unroller< Derived, Dynamic >
struct  always_void
struct  any_unroller
struct  any_unroller< Derived, 1 >
struct  any_unroller< Derived, Dynamic >
struct  assign_DefaultTraversal_CompleteUnrolling
struct  assign_DefaultTraversal_CompleteUnrolling< Derived1, Derived2, Stop, Stop >
struct  assign_DefaultTraversal_InnerUnrolling
struct  assign_DefaultTraversal_InnerUnrolling< Derived1, Derived2, Stop, Stop >
struct  assign_impl< Derived1, Derived2, DefaultTraversal, CompleteUnrolling >
struct  assign_impl< Derived1, Derived2, DefaultTraversal, InnerUnrolling >
struct  assign_impl< Derived1, Derived2, DefaultTraversal, NoUnrolling >
struct  assign_impl< Derived1, Derived2, InnerVectorizedTraversal, CompleteUnrolling >
struct  assign_impl< Derived1, Derived2, InnerVectorizedTraversal, InnerUnrolling >
struct  assign_impl< Derived1, Derived2, InnerVectorizedTraversal, NoUnrolling >
struct  assign_impl< Derived1, Derived2, InvalidTraversal, Unrolling >
struct  assign_impl< Derived1, Derived2, LinearTraversal, CompleteUnrolling >
struct  assign_impl< Derived1, Derived2, LinearTraversal, NoUnrolling >
struct  assign_impl< Derived1, Derived2, LinearVectorizedTraversal, CompleteUnrolling >
struct  assign_impl< Derived1, Derived2, LinearVectorizedTraversal, NoUnrolling >
struct  assign_impl< Derived1, Derived2, SliceVectorizedTraversal, NoUnrolling >
struct  assign_innervec_CompleteUnrolling
struct  assign_innervec_CompleteUnrolling< Derived1, Derived2, Stop, Stop >
struct  assign_innervec_InnerUnrolling
struct  assign_innervec_InnerUnrolling< Derived1, Derived2, Stop, Stop >
struct  assign_LinearTraversal_CompleteUnrolling
struct  assign_LinearTraversal_CompleteUnrolling< Derived1, Derived2, Stop, Stop >
struct  assign_selector< Derived, OtherDerived, false, false >
struct  assign_selector< Derived, OtherDerived, false, true >
struct  assign_selector< Derived, OtherDerived, true, false >
struct  assign_selector< Derived, OtherDerived, true, true >
struct  assign_traits
struct  atan2_default_impl
struct  atan2_default_impl< Scalar, true >
struct  atan2_impl
struct  atan2_retval
class  BandMatrix
 Represents a rectangular matrix with a banded storage. More...
class  BandMatrixBase
class  BandMatrixWrapper
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)>
class  blas_data_mapper
struct  blas_traits
struct  blas_traits< const T >
struct  blas_traits< CwiseUnaryOp< scalar_conjugate_op< Scalar >, NestedXpr > >
struct  blas_traits< CwiseUnaryOp< scalar_multiple_op< Scalar >, NestedXpr > >
struct  blas_traits< CwiseUnaryOp< scalar_opposite_op< Scalar >, NestedXpr > >
struct  blas_traits< SelfCwiseBinaryOp< BinOp, NestedXpr, Rhs > >
struct  blas_traits< Transpose< NestedXpr > >
struct  cast_impl
struct  cast_return_type
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  coeff_visitor
class  companion
struct  complex_schur_reduce_to_hessenberg
struct  complex_schur_reduce_to_hessenberg< MatrixType, false >
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
struct  conditional
struct  conditional< false, Then, Else >
struct  conj_expr_if
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< 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< Packet4f, Packet2cf, 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< false >
struct  conj_if< true >
struct  conj_impl
struct  conj_impl< std::complex< RealScalar > >
struct  conj_retval
struct  conservative_resize_like_impl
struct  conservative_resize_like_impl< Derived, OtherDerived, true >
class  const_blas_data_mapper
struct  constructor_without_unaligned_array_assert
struct  cross3_impl
struct  cross3_impl< Architecture::SSE, VectorLhs, VectorRhs, float, true >
struct  decrement_if_fixed_size
struct  decrement_size
struct  default_packet_traits
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  dot_nocheck
struct  dot_nocheck< T, U, true >
struct  eigenvalues_selector
struct  eigenvalues_selector< Derived, false >
struct  enable_if< true, T >
struct  eval< Array< _Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols >, Dense >
struct  eval< Matrix< _Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols >, Dense >
struct  eval< T, Dense >
class  eval< T, IsSkyline >
struct  eval< T, Sparse >
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  first_aligned_impl
struct  first_aligned_impl< Derived, false >
struct  floor_log2
struct  floor_log2< n, lower, upper, floor_log2_bogus >
struct  floor_log2< n, lower, upper, floor_log2_move_down >
struct  floor_log2< n, lower, upper, floor_log2_move_up >
struct  floor_log2< n, lower, upper, floor_log2_terminate >
struct  floor_log2_selector
struct  functor_allows_mixing_real_and_complex
struct  functor_allows_mixing_real_and_complex< scalar_conj_product_op< LhsScalar, RhsScalar > >
struct  functor_allows_mixing_real_and_complex< scalar_product_op< LhsScalar, RhsScalar > >
struct  functor_has_linear_access
struct  functor_has_linear_access< scalar_identity_op< Scalar > >
struct  functor_traits
struct  functor_traits< linspaced_op< Scalar, RandomAccess > >
struct  functor_traits< max_coeff_visitor< Scalar > >
struct  functor_traits< min_coeff_visitor< 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_add_op< Scalar > >
struct  functor_traits< scalar_asin_op< Scalar > >
struct  functor_traits< scalar_cast_op< Scalar, NewType > >
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_cube_op< Scalar > >
struct  functor_traits< scalar_difference_op< Scalar > >
struct  functor_traits< scalar_exp_op< Scalar > >
struct  functor_traits< scalar_hypot_op< Scalar > >
struct  functor_traits< scalar_identity_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_log_op< Scalar > >
struct  functor_traits< scalar_max_op< Scalar > >
struct  functor_traits< scalar_min_op< Scalar > >
struct  functor_traits< scalar_multiple2_op< Scalar1, Scalar2 > >
struct  functor_traits< scalar_multiple_op< Scalar > >
struct  functor_traits< scalar_opposite_op< Scalar > >
struct  functor_traits< scalar_pow_op< Scalar > >
struct  functor_traits< scalar_product_op< LhsScalar, RhsScalar > >
struct  functor_traits< scalar_quotient1_impl< Scalar, false > >
struct  functor_traits< scalar_quotient1_impl< Scalar, true > >
struct  functor_traits< scalar_quotient1_op< Scalar > >
struct  functor_traits< scalar_quotient_op< Scalar > >
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_sin_op< Scalar > >
struct  functor_traits< scalar_sqrt_op< Scalar > >
struct  functor_traits< scalar_square_op< Scalar > >
struct  functor_traits< scalar_sum_op< Scalar > >
struct  functor_traits< scalar_tan_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  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< StorageOrder, _LhsScalar, _RhsScalar, MaxRows, MaxCols, MaxDepth, false >
class  gemm_blocking_space< StorageOrder, _LhsScalar, _RhsScalar, MaxRows, MaxCols, MaxDepth, true >
struct  gemm_functor
struct  gemm_pack_lhs
struct  gemm_pack_rhs< Scalar, Index, nr, ColMajor, Conjugate, PanelMode >
struct  gemm_pack_rhs< Scalar, Index, nr, RowMajor, Conjugate, PanelMode >
struct  GemmParallelInfo
struct  gemv_selector< OnTheLeft, StorageOrder, BlasCompatible >
struct  gemv_selector< OnTheRight, ColMajor, false >
struct  gemv_selector< OnTheRight, ColMajor, true >
struct  gemv_selector< OnTheRight, RowMajor, false >
struct  gemv_selector< OnTheRight, RowMajor, true >
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  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_triangular_product< Index, LhsScalar, LhsStorageOrder, ConjugateLhs, RhsScalar, RhsStorageOrder, ConjugateRhs, ColMajor, UpLo >
struct  general_matrix_matrix_triangular_product< Index, LhsScalar, LhsStorageOrder, ConjugateLhs, RhsScalar, RhsStorageOrder, ConjugateRhs, RowMajor, UpLo >
struct  general_matrix_vector_product< Index, LhsScalar, ColMajor, ConjugateLhs, RhsScalar, ConjugateRhs >
struct  general_matrix_vector_product< Index, LhsScalar, RowMajor, ConjugateLhs, RhsScalar, ConjugateRhs >
struct  get_boxes_helper
struct  get_boxes_helper< ObjectList, VolumeList, int >
struct  get_factor
struct  get_factor< Scalar, typename NumTraits< Scalar >::Real >
struct  global_math_functions_filtering_base
struct  global_math_functions_filtering_base< T, typename always_void< typename T::Eigen_BaseClassForSpecializationOfGlobalMathFuncImpl >::type >
struct  has_direct_access
struct  has_none
struct  has_std_result_type
struct  has_tr1_result
struct  HessenbergDecompositionMatrixHReturnType
 Expression type for return value of HessenbergDecomposition::matrixH() More...
struct  homogeneous_left_product_impl< Homogeneous< MatrixType, Vertical >, Lhs >
struct  homogeneous_right_product_impl< Homogeneous< MatrixType, Horizontal >, Rhs >
struct  hseq_side_dependent_impl
struct  hseq_side_dependent_impl< VectorsType, CoeffsType, OnTheRight >
struct  hypot_impl
struct  hypot_retval
struct  imag_impl
struct  imag_impl< std::complex< RealScalar > >
struct  imag_ref_default_impl
struct  imag_ref_default_impl< Scalar, false >
struct  imag_ref_impl
struct  imag_ref_retval
struct  imag_retval
struct  image_retval< FullPivLU< _MatrixType > >
class  image_retval_base
struct  inner_stride_at_compile_time
struct  inner_stride_at_compile_time< Derived, false >
struct  inplace_transpose_selector< MatrixType, false >
struct  inplace_transpose_selector< MatrixType, 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< bool >
struct  is_arithmetic< char >
struct  is_arithmetic< double >
struct  is_arithmetic< float >
struct  is_arithmetic< long double >
struct  is_arithmetic< signed char >
struct  is_arithmetic< signed int >
struct  is_arithmetic< signed long >
struct  is_arithmetic< signed long 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 long long >
struct  is_arithmetic< unsigned short >
struct  is_const
struct  is_const< T const >
struct  is_diagonal
struct  is_diagonal< DiagonalBase< T > >
struct  is_diagonal< DiagonalMatrix< T, S > >
struct  is_diagonal< DiagonalWrapper< T > >
struct  is_lvalue
struct  is_reference
struct  is_reference< T & >
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  kernel_retval< FullPivLU< _MatrixType > >
class  kernel_retval_base
struct  kiss_cpx_fft
struct  kissfft_impl
struct  ldlt_inplace< Lower >
struct  ldlt_inplace< Upper >
struct  LDLT_Traits< MatrixType, Lower >
struct  LDLT_Traits< MatrixType, Upper >
class  level3_blocking
struct  linspaced_op
struct  linspaced_op_impl< Scalar, false >
struct  linspaced_op_impl< Scalar, true >
struct  llt_inplace< Lower >
struct  llt_inplace< Upper >
struct  LLT_Traits< MatrixType, Lower >
struct  LLT_Traits< MatrixType, Upper >
struct  lpNorm_selector
struct  lpNorm_selector< Derived, 1 >
struct  lpNorm_selector< Derived, 2 >
struct  lpNorm_selector< Derived, Infinity >
class  make_proper_matrix_type
struct  matrix_swap_impl
struct  matrix_swap_impl< MatrixTypeA, MatrixTypeB, true >
struct  matrix_type_times_scalar_type
struct  max_coeff_visitor
struct  member_redux
class  meta_sqrt
class  meta_sqrt< Y, InfX, SupX, true >
struct  min_coeff_visitor
struct  minimizer_helper1
struct  minimizer_helper2
struct  must_nest_by_value
struct  nested
struct  nested< CoeffBasedProduct< Lhs, Rhs, EvalBeforeNestingBit|EvalBeforeAssigningBit >, N, PlainObject >
struct  nested< GeneralProduct< Lhs, Rhs, Mode >, N, PlainObject >
struct  nested< ReturnByValue< Derived >, n, PlainObject >
class  no_assignment_operator
struct  norm1_default_impl
struct  norm1_default_impl< Scalar, false >
struct  norm1_impl
struct  norm1_retval
struct  outer_product_selector< ColMajor >
struct  outer_product_selector< RowMajor >
struct  outer_stride_at_compile_time
struct  outer_stride_at_compile_time< Derived, false >
struct  Packet1cd
struct  Packet2cf
struct  packet_traits
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  palign_impl
struct  palign_impl< Offset, Packet1cd >
struct  palign_impl< Offset, Packet2cf >
struct  palign_impl< Offset, Packet2d >
struct  palign_impl< Offset, Packet4f >
struct  palign_impl< Offset, Packet4i >
struct  partial_lu_impl
struct  permut_matrix_product_retval
struct  plain_array
struct  plain_array< T, 0, MatrixOrArrayOptions, Alignment >
struct  plain_array< T, Size, MatrixOrArrayOptions, 16 >
struct  plain_col_type
struct  plain_diag_type
struct  plain_matrix_type< T, Dense >
struct  plain_matrix_type< T, Sparse >
struct  plain_matrix_type_column_major
struct  plain_matrix_type_dense< T, ArrayXpr >
struct  plain_matrix_type_dense< T, MatrixXpr >
struct  plain_matrix_type_row_major
struct  plain_row_type
struct  pow_default_impl
struct  pow_default_impl< Scalar, true >
struct  pow_impl
struct  pow_retval
struct  product_coeff_impl< DefaultTraversal, 0, Lhs, Rhs, RetScalar >
struct  product_coeff_impl< DefaultTraversal, Dynamic, Lhs, Rhs, RetScalar >
struct  product_coeff_impl< DefaultTraversal, UnrollingIndex, Lhs, Rhs, RetScalar >
struct  product_coeff_impl< InnerVectorizedTraversal, Dynamic, Lhs, Rhs, RetScalar >
struct  product_coeff_impl< InnerVectorizedTraversal, UnrollingIndex, Lhs, Rhs, RetScalar >
struct  product_coeff_vectorized_dyn_selector
struct  product_coeff_vectorized_dyn_selector< Lhs, Rhs, 1, 1 >
struct  product_coeff_vectorized_dyn_selector< Lhs, Rhs, 1, RhsCols >
struct  product_coeff_vectorized_dyn_selector< Lhs, Rhs, LhsRows, 1 >
struct  product_coeff_vectorized_unroller
struct  product_coeff_vectorized_unroller< 0, Lhs, Rhs, Packet >
struct  product_packet_impl< ColMajor, 0, Lhs, Rhs, Packet, LoadMode >
struct  product_packet_impl< ColMajor, Dynamic, Lhs, Rhs, Packet, LoadMode >
struct  product_packet_impl< ColMajor, UnrollingIndex, Lhs, Rhs, Packet, LoadMode >
struct  product_packet_impl< RowMajor, 0, Lhs, Rhs, Packet, LoadMode >
struct  product_packet_impl< RowMajor, Dynamic, Lhs, Rhs, Packet, LoadMode >
struct  product_packet_impl< RowMajor, UnrollingIndex, Lhs, Rhs, Packet, LoadMode >
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< Scalar, Index, Mode, false, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor >
struct  product_triangular_matrix_matrix< Scalar, Index, Mode, LhsIsTriangular, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, RowMajor >
struct  product_triangular_matrix_matrix< Scalar, Index, Mode, true, LhsStorageOrder, ConjugateLhs, RhsStorageOrder, ConjugateRhs, ColMajor >
struct  product_triangular_matrix_vector< Index, Mode, LhsScalar, ConjLhs, RhsScalar, ConjRhs, ColMajor >
struct  product_triangular_matrix_vector< Index, Mode, LhsScalar, ConjLhs, RhsScalar, ConjRhs, RowMajor >
struct  product_type
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, 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, 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_storage_type< A, A >
struct  promote_storage_type< Dense, Sparse >
struct  promote_storage_type< Sparse, Dense >
struct  qr_preconditioner_impl
struct  qr_preconditioner_impl< MatrixType, ColPivHouseholderQRPreconditioner, PreconditionIfMoreColsThanRows, true >
struct  qr_preconditioner_impl< MatrixType, ColPivHouseholderQRPreconditioner, PreconditionIfMoreRowsThanCols, true >
struct  qr_preconditioner_impl< MatrixType, FullPivHouseholderQRPreconditioner, PreconditionIfMoreColsThanRows, true >
struct  qr_preconditioner_impl< MatrixType, FullPivHouseholderQRPreconditioner, PreconditionIfMoreRowsThanCols, true >
struct  qr_preconditioner_impl< MatrixType, HouseholderQRPreconditioner, PreconditionIfMoreColsThanRows, true >
struct  qr_preconditioner_impl< MatrixType, HouseholderQRPreconditioner, PreconditionIfMoreRowsThanCols, true >
struct  qr_preconditioner_impl< MatrixType, QRPreconditioner, Case, false >
struct  qr_preconditioner_should_do_anything
struct  quat_product
struct  quat_product< Architecture::SSE, Derived, OtherDerived, double, Aligned >
struct  quat_product< Architecture::SSE, Derived, OtherDerived, float, Aligned >
struct  quaternionbase_assign_impl< Other, 3, 3 >
struct  quaternionbase_assign_impl< Other, 4, 1 >
struct  random_default_impl
struct  random_default_impl< Scalar, false, false >
struct  random_default_impl< Scalar, false, true >
struct  random_default_impl< Scalar, true, false >
struct  random_impl
struct  random_impl< bool >
struct  random_retval
struct  real_impl
struct  real_impl< std::complex< RealScalar > >
struct  real_ref_impl
struct  real_ref_retval
struct  real_retval
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, NoUnrolling >
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  reverse_packet_cond
struct  reverse_packet_cond< PacketScalar, false >
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_add_op
struct  scalar_asin_op
struct  scalar_cast_op
struct  scalar_conj_product_op
struct  scalar_conjugate_op
struct  scalar_constant_op
struct  scalar_cos_op
struct  scalar_cube_op
struct  scalar_difference_op
struct  scalar_exp_op
struct  scalar_fuzzy_default_impl
struct  scalar_fuzzy_default_impl< Scalar, false, false >
struct  scalar_fuzzy_default_impl< Scalar, false, true >
struct  scalar_fuzzy_default_impl< Scalar, true, false >
struct  scalar_fuzzy_impl
struct  scalar_fuzzy_impl< bool >
struct  scalar_hypot_op
struct  scalar_identity_op
struct  scalar_imag_op
struct  scalar_imag_ref_op
struct  scalar_inverse_op
struct  scalar_log_op
struct  scalar_max_op
struct  scalar_min_op
struct  scalar_multiple2_op
struct  scalar_multiple_op
struct  scalar_opposite_op
struct  scalar_pow_op
struct  scalar_product_op
struct  scalar_product_traits< std::complex< T >, T >
struct  scalar_product_traits< T, std::complex< T > >
struct  scalar_product_traits< T, T >
struct  scalar_quotient1_impl
struct  scalar_quotient1_impl< Scalar, true >
struct  scalar_quotient1_op
struct  scalar_quotient_op
struct  scalar_random_op
struct  scalar_real_op
struct  scalar_real_ref_op
struct  scalar_sin_op
struct  scalar_sqrt_op
struct  scalar_square_op
struct  scalar_sum_op
struct  scalar_tan_op
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_default_impl
struct  significant_decimals_default_impl< Scalar, true >
struct  significant_decimals_impl
struct  size_at_compile_time
struct  skyline_product_selector< Lhs, Rhs, ResultType, ColMajor >
struct  skyline_product_selector< Lhs, Rhs, ResultType, RowMajor >
class  SkylineProduct
struct  solve_retval< CholmodDecomposition< _MatrixType, _UpLo >, Rhs >
struct  solve_retval< ColPivHouseholderQR< _MatrixType >, Rhs >
struct  solve_retval< FullPivHouseholderQR< _MatrixType >, Rhs >
struct  solve_retval< FullPivLU< _MatrixType >, Rhs >
struct  solve_retval< HouseholderQR< _MatrixType >, Rhs >
struct  solve_retval< JacobiSVD< _MatrixType, QRPreconditioner >, Rhs >
struct  solve_retval< LDLT< _MatrixType, _UpLo >, Rhs >
struct  solve_retval< LLT< _MatrixType, UpLo >, Rhs >
struct  solve_retval< PartialPivLU< _MatrixType >, Rhs >
struct  solve_retval< SimplicialCholesky< _MatrixType, _UpLo >, Rhs >
struct  solve_retval< SparseLDLT< _MatrixType >, Rhs >
struct  solve_retval< SparseLDLT< _MatrixType, Cholmod >, Rhs >
struct  solve_retval< SparseLLT< _MatrixType >, Rhs >
struct  solve_retval< SparseLLT< _MatrixType, Cholmod >, Rhs >
struct  solve_retval< SparseLU< _MatrixType, UmfPack >, Rhs >
class  solve_retval_base
class  sparse_cwise_binary_op_inner_iterator_selector< BinaryOp, Lhs, Rhs, Derived, Sparse, Sparse >
class  sparse_cwise_binary_op_inner_iterator_selector< scalar_product_op< T >, Lhs, Rhs, Derived, Dense, Sparse >
class  sparse_cwise_binary_op_inner_iterator_selector< scalar_product_op< T >, Lhs, Rhs, Derived, Sparse, Dense >
class  sparse_cwise_binary_op_inner_iterator_selector< scalar_product_op< T >, Lhs, Rhs, Derived, Sparse, Sparse >
class  sparse_diagonal_product_inner_iterator_selector< Lhs, Rhs, SparseDiagonalProductType, SDP_IsDiagonal, SDP_IsSparseColMajor >
class  sparse_diagonal_product_inner_iterator_selector< Lhs, Rhs, SparseDiagonalProductType, SDP_IsDiagonal, SDP_IsSparseRowMajor >
class  sparse_diagonal_product_inner_iterator_selector< Lhs, Rhs, SparseDiagonalProductType, SDP_IsSparseColMajor, SDP_IsDiagonal >
class  sparse_diagonal_product_inner_iterator_selector< Lhs, Rhs, SparseDiagonalProductType, SDP_IsSparseRowMajor, SDP_IsDiagonal >
struct  sparse_product_selector2< Lhs, Rhs, ResultType, ColMajor, ColMajor, ColMajor >
struct  sparse_product_selector2< Lhs, Rhs, ResultType, ColMajor, ColMajor, RowMajor >
struct  sparse_product_selector2< Lhs, Rhs, ResultType, ColMajor, RowMajor, ColMajor >
struct  sparse_product_selector2< Lhs, Rhs, ResultType, ColMajor, RowMajor, RowMajor >
struct  sparse_product_selector2< Lhs, Rhs, ResultType, RowMajor, ColMajor, ColMajor >
struct  sparse_product_selector2< Lhs, Rhs, ResultType, RowMajor, ColMajor, RowMajor >
struct  sparse_product_selector2< Lhs, Rhs, ResultType, RowMajor, RowMajor, ColMajor >
struct  sparse_product_selector2< Lhs, Rhs, ResultType, RowMajor, RowMajor, RowMajor >
struct  sparse_product_selector< Lhs, Rhs, ResultType, ColMajor, ColMajor, ColMajor >
struct  sparse_product_selector< Lhs, Rhs, ResultType, ColMajor, ColMajor, RowMajor >
struct  sparse_product_selector< Lhs, Rhs, ResultType, RowMajor, RowMajor, ColMajor >
struct  sparse_product_selector< Lhs, Rhs, ResultType, RowMajor, RowMajor, RowMajor >
struct  sparse_solve_retval< CholmodDecomposition< _MatrixType, _UpLo >, Rhs >
struct  sparse_solve_retval< SimplicialCholesky< _MatrixType, _UpLo >, Rhs >
struct  sparse_solve_retval_base
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< Lhs, Rhs, Mode, UpLo, ColMajor >
struct  special_scalar_op_base
struct  special_scalar_op_base< Derived, Scalar, OtherScalar, true >
struct  sqrt_default_impl
struct  sqrt_default_impl< Scalar, true >
struct  sqrt_impl
struct  sqrt_retval
struct  static_assertion
struct  static_assertion< true >
struct  stem_function
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  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  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< Block< XprType, BlockRows, BlockCols, InnerPanel, HasDirectAccess > >
struct  traits< CoeffBasedProduct< LhsNested, RhsNested, NestingFlags > >
struct  traits< const T >
struct  traits< CwiseBinaryOp< BinaryOp, Lhs, Rhs > >
struct  traits< CwiseNullaryOp< NullaryOp, PlainObjectType > >
struct  traits< CwiseUnaryOp< UnaryOp, XprType > >
struct  traits< CwiseUnaryView< ViewOp, MatrixType > >
struct  traits< DenseTimeSparseProduct< Lhs, Rhs > >
struct  traits< DenseTimeSparseSelfAdjointProduct< Lhs, Rhs, UpLo > >
struct  traits< Diagonal< MatrixType, DiagIndex > >
struct  traits< DiagonalMatrix< _Scalar, SizeAtCompileTime, MaxSizeAtCompileTime > >
struct  traits< DiagonalProduct< MatrixType, DiagonalType, ProductOrder > >
struct  traits< DiagonalWrapper< _DiagonalVectorType > >
struct  traits< DynamicSparseMatrix< _Scalar, _Options, _Index > >
struct  traits< Flagged< ExpressionType, Added, Removed > >
struct  traits< ForceAlignedAccess< ExpressionType > >
struct  traits< GeneralProduct< Lhs, Rhs, GemmProduct > >
struct  traits< GeneralProduct< Lhs, Rhs, GemvProduct > >
struct  traits< GeneralProduct< Lhs, Rhs, InnerProduct > >
struct  traits< GeneralProduct< Lhs, Rhs, OuterProduct > >
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_impl< MatrixType > >
struct  traits< kernel_retval_base< DecompositionType > >
struct  traits< Map< const Quaternion< _Scalar >, _Options > >
struct  traits< Map< PermutationMatrix< SizeAtCompileTime, MaxSizeAtCompileTime, IndexType >, _PacketAccess > >
struct  traits< Map< PlainObjectType, MapOptions, StrideType > >
struct  traits< Map< Quaternion< _Scalar >, _Options > >
struct  traits< Map< Transpositions< SizeAtCompileTime, MaxSizeAtCompileTime, IndexType >, _PacketAccess > >
struct  traits< MappedSparseMatrix< _Scalar, _Flags, _Index > >
struct  traits< Matrix< _Scalar, _Rows, _Cols, _Options, _MaxRows, _MaxCols > >
struct  traits< MatrixExponentialReturnValue< Derived > >
struct  traits< MatrixFunctionReturnValue< Derived > >
struct  traits< MatrixWrapper< ExpressionType > >
struct  traits< Minor< MatrixType > >
struct  traits< NestByValue< ExpressionType > >
struct  traits< PartialReduxExpr< MatrixType, MemberOp, Direction > >
struct  traits< permut_matrix_product_retval< PermutationType, MatrixType, Side, Transposed > >
struct  traits< PermutationMatrix< SizeAtCompileTime, MaxSizeAtCompileTime, IndexType > >
struct  traits< PermutationWrapper< _IndicesType > >
struct  traits< ProductBase< Derived, _Lhs, _Rhs > >
struct  traits< Quaternion< _Scalar, _Options > >
struct  traits< Replicate< MatrixType, RowFactor, ColFactor > >
struct  traits< ReturnByValue< Derived > >
struct  traits< Reverse< MatrixType, Direction > >
struct  traits< Rotation2D< _Scalar > >
struct  traits< ScaledProduct< NestedProduct > >
struct  traits< Select< ConditionMatrixType, ThenMatrixType, ElseMatrixType > >
struct  traits< SelfadjointProductMatrix< Lhs, 0, true, Rhs, RhsMode, false > >
struct  traits< SelfadjointProductMatrix< Lhs, LhsMode, false, Rhs, 0, true > >
struct  traits< SelfadjointProductMatrix< Lhs, LhsMode, false, Rhs, RhsMode, false > >
struct  traits< SelfAdjointView< MatrixType, UpLo > >
struct  traits< SelfCwiseBinaryOp< BinaryOp, Lhs, Rhs > >
struct  traits< SkylineMatrix< _Scalar, _Options > >
struct  traits< SkylineProduct< LhsNested, RhsNested, ProductMode > >
struct  traits< solve_retval_base< DecompositionType, Rhs > >
struct  traits< sparse_solve_retval_base< DecompositionType, Rhs > >
struct  traits< SparseDenseOuterProduct< Lhs, Rhs, Tr > >
struct  traits< SparseDiagonalProduct< Lhs, Rhs > >
struct  traits< SparseInnerVectorSet< MatrixType, Size > >
struct  traits< SparseMatrix< _Scalar, _Options, _Index > >
struct  traits< SparseSelfAdjointTimeDenseProduct< Lhs, Rhs, UpLo > >
struct  traits< SparseSelfAdjointView< MatrixType, UpLo > >
struct  traits< SparseSparseProduct< LhsNested, RhsNested > >
struct  traits< SparseSymmetricPermutationProduct< MatrixType, UpLo > >
struct  traits< SparseTimeDenseProduct< Lhs, Rhs > >
struct  traits< SparseTriangularView< MatrixType, Mode > >
struct  traits< SparseVector< _Scalar, _Options, _Index > >
struct  traits< SparseView< MatrixType > >
struct  traits< SwapWrapper< ExpressionType > >
struct  traits< Transpose< MatrixType > >
struct  traits< Transpose< PermutationBase< Derived > > >
struct  traits< transposition_matrix_product_retval< TranspositionType, MatrixType, Side, Transposed > >
struct  traits< Transpositions< SizeAtCompileTime, MaxSizeAtCompileTime, IndexType > >
struct  traits< TranspositionsWrapper< _IndicesType > >
struct  traits< triangular_solve_retval< Side, TriangularType, Rhs > >
struct  traits< TriangularProduct< Mode, LhsIsTriangular, Lhs, false, Rhs, false > >
struct  traits< TriangularProduct< Mode, LhsIsTriangular, Lhs, false, Rhs, true > >
struct  traits< TriangularProduct< Mode, LhsIsTriangular, Lhs, true, Rhs, false > >
struct  traits< TriangularView< MatrixType, _Mode > >
struct  traits< TridiagonalizationMatrixTReturnType< MatrixType > >
struct  traits< VectorBlock< VectorType, Size > >
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< 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_product_result
struct  transform_right_product_impl< TransformType, MatrixType, 0 >
struct  transform_right_product_impl< TransformType, MatrixType, 1 >
struct  transform_right_product_impl< TransformType, MatrixType, 2 >
struct  transform_take_affine_part
struct  transform_take_affine_part< Transform< Scalar, Dim, AffineCompact, Options > >
struct  transform_traits
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  TransposeImpl_base
struct  TransposeImpl_base< MatrixType, false >
struct  transposition_matrix_product_retval
struct  triangular_assignment_selector
struct  triangular_assignment_selector< Derived1, Derived2, Lower, Dynamic, ClearOpposite >
struct  triangular_assignment_selector< Derived1, Derived2, Mode, 0, ClearOpposite >
struct  triangular_assignment_selector< Derived1, Derived2, SelfAdjoint|Lower, 0, ClearOpposite >
struct  triangular_assignment_selector< Derived1, Derived2, SelfAdjoint|Lower, Dynamic, ClearOpposite >
struct  triangular_assignment_selector< Derived1, Derived2, SelfAdjoint|Upper, 0, ClearOpposite >
struct  triangular_assignment_selector< Derived1, Derived2, SelfAdjoint|Upper, Dynamic, ClearOpposite >
struct  triangular_assignment_selector< Derived1, Derived2, StrictlyLower, Dynamic, ClearOpposite >
struct  triangular_assignment_selector< Derived1, Derived2, StrictlyUpper, Dynamic, ClearOpposite >
struct  triangular_assignment_selector< Derived1, Derived2, UnitLower, Dynamic, ClearOpposite >
struct  triangular_assignment_selector< Derived1, Derived2, UnitUpper, Dynamic, ClearOpposite >
struct  triangular_assignment_selector< Derived1, Derived2, Upper, Dynamic, ClearOpposite >
struct  triangular_assignment_selector< Derived1, Derived2,(SelfAdjoint|Lower), UnrollCount, ClearOpposite >
struct  triangular_assignment_selector< Derived1, Derived2,(SelfAdjoint|Upper), UnrollCount, ClearOpposite >
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< 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< 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< Lhs, Rhs, Mode, Index, Size, false >
struct  triangular_solver_unroller< Lhs, Rhs, Mode, Index, 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  trmv_selector< ColMajor >
struct  trmv_selector< RowMajor >
class  trsolve_traits
struct  true_type
struct  umeyama_transform_matrix_type
struct  unaligned_assign_impl
struct  unaligned_assign_impl< false >
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)>
struct  unitOrthogonal_selector
struct  unitOrthogonal_selector< Derived, 2 >
struct  unitOrthogonal_selector< Derived, 3 >
struct  unpacket_traits
struct  unpacket_traits< Packet1cd >
struct  unpacket_traits< Packet2cf >
struct  unpacket_traits< Packet2d >
struct  unpacket_traits< Packet4f >
struct  unpacket_traits< Packet4i >
class  UpperBidiagonalization
class  variable_if_dynamic
class  variable_if_dynamic< T, Dynamic >
struct  vector_int_pair
struct  visitor_impl
struct  visitor_impl< Visitor, Derived, 1 >
struct  visitor_impl< Visitor, Derived, Dynamic >

Typedefs

typedef __vector unsigned char Packet16uc
typedef __m128d Packet2d
typedef __vector __bool int Packet4bi
typedef __vector float Packet4f
typedef __vector int Packet4i
typedef __vector unsigned int Packet4ui
typedef __vector short int Packet8i

Enumerations

enum  { floor_log2_terminate, floor_log2_move_up, floor_log2_move_down, floor_log2_bogus }
enum  { SDP_IsDiagonal, SDP_IsSparseRowMajor, SDP_IsSparseColMajor }
enum  { PreconditionIfMoreColsThanRows, PreconditionIfMoreRowsThanCols }
enum  PermPermProduct_t { PermPermProduct }

Functions

static _EIGEN_DECLARE_CONST_FAST_Packet4f (ZERO, 0)
static _EIGEN_DECLARE_CONST_FAST_Packet4i (ZERO, 0)
static _EIGEN_DECLARE_CONST_FAST_Packet4i (ONE, 1)
static _EIGEN_DECLARE_CONST_FAST_Packet4i (MINUS16,-16)
static _EIGEN_DECLARE_CONST_FAST_Packet4i (MINUS1,-1)
template<typename T >
void aligned_delete (T *ptr, size_t size)
void aligned_free (void *ptr)
void * aligned_malloc (size_t size)
template<typename T >
Taligned_new (size_t size)
void * aligned_realloc (void *ptr, size_t new_size, size_t old_size)
template<typename MatrixType , typename VectorsType , typename CoeffsType >
void apply_block_householder_on_the_left (MatrixType &mat, const VectorsType &vectors, const CoeffsType &hCoeffs)
template<typename VectorX , typename VectorY , typename OtherScalar >
void apply_rotation_in_the_plane (VectorX &_x, VectorY &_y, const JacobiRotation< OtherScalar > &j)
template<typename MatrixType >
SluMatrix asSluMatrix (MatrixType &mat)
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 OldType , typename NewType >
NewType cast (const OldType &x)
void check_that_malloc_is_allowed ()
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 , typename CholmodType >
void cholmod_configure_matrix (CholmodType &mat)
template<typename Scalar , typename CholmodType >
void cholmod_configure_matrix_legacy (CholmodType &mat)
template<typename Derived >
cholmod_dense cholmod_map_eigen_to_dense (MatrixBase< Derived > &mat)
template<typename _MatrixType >
cholmod_sparse cholmod_map_eigen_to_sparse (_MatrixType &mat)
template<typename MatrixType , int i, int j>
MatrixType::Scalar cofactor_3x3 (const MatrixType &m)
template<typename MatrixType , int i, int j>
MatrixType::Scalar cofactor_4x4 (const MatrixType &matrix)
template<typename MatrixType , typename ResultType >
void compute_inverse_size2_helper (const MatrixType &matrix, const typename ResultType::Scalar &invdet, ResultType &result)
template<typename MatrixType , typename ResultType >
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 LhsScalar , typename RhsScalar , int KcFactor>
void computeProductBlockingSizes (std::ptrdiff_t &k, std::ptrdiff_t &m, std::ptrdiff_t &n)
 Computes the blocking parameters for a m x k times k x n matrix product.
template<typename LhsScalar , typename RhsScalar >
void computeProductBlockingSizes (std::ptrdiff_t &k, std::ptrdiff_t &m, std::ptrdiff_t &n)
template<typename T , bool Align>
void conditional_aligned_delete (T *ptr, size_t size)
template<typename T , bool Align>
void conditional_aligned_delete_auto (T *ptr, size_t size)
template<bool Align>
void conditional_aligned_free (void *ptr)
template<>
void conditional_aligned_free< false > (void *ptr)
template<bool Align>
void * conditional_aligned_malloc (size_t size)
template<>
void * conditional_aligned_malloc< false > (size_t size)
template<typename T , bool Align>
Tconditional_aligned_new (size_t size)
template<typename T , bool Align>
Tconditional_aligned_new_auto (size_t size)
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 , bool Align>
Tconditional_aligned_realloc_new (T *pts, size_t new_size, size_t old_size)
template<typename T , bool Align>
Tconditional_aligned_realloc_new_auto (T *pts, size_t new_size, size_t old_size)
template<typename T >
Tconst_cast_ptr (const T *ptr)
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)
template<typename T >
Tconstruct_elements_of_array (T *ptr, size_t size)
template<typename Scalar >
void covar (Matrix< Scalar, Dynamic, Dynamic > &r, const VectorXi &ipvt, Scalar tol=sqrt(NumTraits< Scalar >::epsilon()))
template<typename Index >
Index cs_tdfs (Index j, Index k, Index *head, const Index *next, Index *post, Index *stack)
template<typename Index >
static int cs_wclear (Index mark, Index lemax, Index *w, Index n)
template<typename T >
void destruct_elements_of_array (T *ptr, size_t size)
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 Scalar >
 EIGEN_MATHFUNC_RETVAL (real, Scalar) real(const Scalar &x)
template<typename Scalar >
 EIGEN_MATHFUNC_RETVAL (imag, Scalar) imag(const Scalar &x)
template<typename Scalar >
 EIGEN_MATHFUNC_RETVAL (real_ref, Scalar) real_ref(Scalar &x)
template<typename Scalar >
 EIGEN_MATHFUNC_RETVAL (imag_ref, Scalar) imag_ref(Scalar &x)
template<typename Scalar >
 EIGEN_MATHFUNC_RETVAL (conj, Scalar) conj(const Scalar &x)
template<typename Scalar >
 EIGEN_MATHFUNC_RETVAL (abs, Scalar) abs(const Scalar &x)
template<typename Scalar >
 EIGEN_MATHFUNC_RETVAL (abs2, Scalar) abs2(const Scalar &x)
template<typename Scalar >
 EIGEN_MATHFUNC_RETVAL (norm1, Scalar) norm1(const Scalar &x)
template<typename Scalar >
 EIGEN_MATHFUNC_RETVAL (hypot, Scalar) hypot(const Scalar &x
template<typename Scalar >
 EIGEN_MATHFUNC_RETVAL (sqrt, Scalar) sqrt(const Scalar &x)
template<typename Scalar >
 EIGEN_MATHFUNC_RETVAL (atan2, Scalar) atan2(const Scalar &x
template<typename Scalar >
 EIGEN_MATHFUNC_RETVAL (pow, Scalar) pow(const Scalar &x
template<typename Scalar >
 EIGEN_MATHFUNC_RETVAL (random, Scalar) random(const Scalar &x
 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 T >
const T::Scalarextract_data (const T &m)
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 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 Scalar , typename Index >
static Index first_aligned (const Scalar *array, Index size)
template<typename Derived >
static Derived::Index first_aligned (const Derived &m)
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 Derived >
const Derived::Scalar general_det3_helper (const MatrixBase< Derived > &matrix, int i1, int i2, int i3, int j1, int j2, int j3)
void * generic_aligned_realloc (void *ptr, size_t size, size_t old_size)
void handmade_aligned_free (void *ptr)
void * handmade_aligned_malloc (size_t size)
void * handmade_aligned_realloc (void *ptr, size_t size, size_t=0)
template<typename MatrixQR , typename HCoeffs >
void householder_qr_inplace_blocked (MatrixQR &mat, HCoeffs &hCoeffs, typename MatrixQR::Index maxBlockSize=32, typename MatrixQR::Scalar *tempData=0)
template<typename MatrixQR , typename HCoeffs >
void householder_qr_inplace_unblocked (MatrixQR &mat, HCoeffs &hCoeffs, typename MatrixQR::Scalar *tempData=0)
template<typename Scalar >
add_const_on_value_type
< EIGEN_MATHFUNC_RETVAL(imag_ref,
Scalar) >::type 
imag_ref (const Scalar &x)
template<typename BVH , typename Intersector >
bool intersect_helper (const BVH &tree, Intersector &intersector, typename BVH::Index root)
template<typename Scalar >
bool isApprox (const Scalar &x, const Scalar &y, typename NumTraits< Scalar >::Real precision=NumTraits< Scalar >::dummy_precision())
template<typename Scalar >
bool isApproxOrLessThan (const Scalar &x, const Scalar &y, typename NumTraits< Scalar >::Real precision=NumTraits< Scalar >::dummy_precision())
template<typename Scalar , typename OtherScalar >
bool isMuchSmallerThan (const Scalar &x, const OtherScalar &y, typename NumTraits< Scalar >::Real precision=NumTraits< Scalar >::dummy_precision())
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 TriangularFactorType , typename VectorsType , typename CoeffsType >
void make_block_householder_triangular_factor (TriangularFactorType &triFactor, const VectorsType &vectors, const CoeffsType &hCoeffs)
void manage_caching_sizes (Action action, std::ptrdiff_t *l1=0, std::ptrdiff_t *l2=0)
void manage_multi_threading (Action action, int *v)
template<typename Scalar , int Flags, typename Index >
MappedSparseMatrix< Scalar,
Flags, Index
map_cholmod_sparse_to_eigen (cholmod_sparse &cm)
template<typename Scalar , int Flags, typename Index >
MappedSparseMatrix< Scalar,
Flags, Index
map_superlu (SluMatrix &sluMat)
template<typename BVH , typename Minimizer >
Minimizer::Scalar minimize_helper (const BVH &tree, Minimizer &minimizer, typename BVH::Index root, typename Minimizer::Scalar minimum)
template<typename Scalar , typename Index >
void minimum_degree_ordering (SparseMatrix< Scalar, ColMajor, Index > &C, PermutationMatrix< Dynamic > &perm)
int nbThreads ()
template<typename Packet >
Packet pabs (const Packet &a)
template<>
EIGEN_STRONG_INLINE Packet2d pabs (const Packet2d &a)
template<>
EIGEN_STRONG_INLINE Packet4f pabs (const Packet4f &a)
template<>
EIGEN_STRONG_INLINE Packet4i pabs (const Packet4i &a)
template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS
Packet 
pacos (const Packet &a)
template<typename Packet >
Packet padd (const Packet &a, const Packet &b)
template<>
EIGEN_STRONG_INLINE Packet1cd padd< Packet1cd > (const Packet1cd &a, const Packet1cd &b)
template<>
EIGEN_STRONG_INLINE Packet2cf padd< Packet2cf > (const Packet2cf &a, const Packet2cf &b)
template<>
EIGEN_STRONG_INLINE Packet2d padd< Packet2d > (const Packet2d &a, const Packet2d &b)
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<int Offset, typename PacketType >
void palign (PacketType &first, const PacketType &second)
template<typename Packet >
Packet pand (const Packet &a, const Packet &b)
template<>
EIGEN_STRONG_INLINE Packet1cd pand< Packet1cd > (const Packet1cd &a, const Packet1cd &b)
template<>
EIGEN_STRONG_INLINE Packet2cf pand< Packet2cf > (const Packet2cf &a, const Packet2cf &b)
template<>
EIGEN_STRONG_INLINE Packet2d pand< Packet2d > (const Packet2d &a, const Packet2d &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<typename Packet >
Packet pandnot (const Packet &a, const Packet &b)
template<>
EIGEN_STRONG_INLINE Packet1cd pandnot< Packet1cd > (const Packet1cd &a, const Packet1cd &b)
template<>
EIGEN_STRONG_INLINE Packet2cf pandnot< Packet2cf > (const Packet2cf &a, const Packet2cf &b)
template<>
EIGEN_STRONG_INLINE Packet2d pandnot< Packet2d > (const Packet2d &a, const Packet2d &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<bool Condition, typename Functor , typename Index >
void parallelize_gemm (const Functor &func, Index rows, Index cols, bool transpose)
template<typename MatrixType , typename TranspositionType >
void partial_lu_inplace (MatrixType &lu, TranspositionType &row_transpositions, typename TranspositionType::Index &nb_transpositions)
template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS
Packet 
pasin (const Packet &a)
template<>
EIGEN_STRONG_INLINE Packet2cf pconj (const Packet2cf &a)
template<typename Packet >
Packet pconj (const Packet &a)
template<>
EIGEN_STRONG_INLINE Packet1cd pconj (const Packet1cd &a)
template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS
Packet 
pcos (const Packet &a)
template<>
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS
EIGEN_UNUSED Packet4f 
pcos< Packet4f > (const Packet4f &_x)
template<typename Packet >
Packet pcplxflip (const Packet &a)
EIGEN_STRONG_INLINE Packet2cf pcplxflip (const Packet2cf &x)
EIGEN_STRONG_INLINE Packet1cd pcplxflip (const Packet1cd &x)
template<>
EIGEN_STRONG_INLINE Packet2cf pcplxflip< Packet2cf > (const Packet2cf &x)
template<typename Packet >
Packet pdiv (const Packet &a, const Packet &b)
template<>
EIGEN_STRONG_INLINE Packet1cd pdiv< Packet1cd > (const Packet1cd &a, const Packet1cd &b)
template<>
EIGEN_STRONG_INLINE Packet2cf pdiv< Packet2cf > (const Packet2cf &a, const Packet2cf &b)
template<>
EIGEN_STRONG_INLINE Packet2d pdiv< Packet2d > (const Packet2d &a, const Packet2d &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<int UpLo, typename MatrixType , int DestOrder>
void permute_symm_to_fullsymm (const MatrixType &mat, SparseMatrix< typename MatrixType::Scalar, DestOrder, typename MatrixType::Index > &_dest, const typename MatrixType::Index *perm=0)
template<int SrcUpLo, int DstUpLo, typename MatrixType , int DestOrder>
void permute_symm_to_symm (const MatrixType &mat, SparseMatrix< typename MatrixType::Scalar, DestOrder, typename MatrixType::Index > &_dest, const typename MatrixType::Index *perm=0)
template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS
Packet 
pexp (const Packet &a)
template<>
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS
EIGEN_UNUSED Packet4f 
pexp< Packet4f > (const Packet4f &_x)
template<typename Packet >
unpacket_traits< Packet >::type pfirst (const Packet &a)
template<>
EIGEN_STRONG_INLINE
std::complex< double > 
pfirst< Packet1cd > (const Packet1cd &a)
template<>
EIGEN_STRONG_INLINE
std::complex< float > 
pfirst< Packet2cf > (const Packet2cf &a)
template<>
EIGEN_STRONG_INLINE double pfirst< Packet2d > (const Packet2d &a)
template<>
EIGEN_STRONG_INLINE float pfirst< Packet4f > (const Packet4f &a)
template<>
EIGEN_STRONG_INLINE int pfirst< Packet4i > (const Packet4i &a)
template<typename Packet >
Packet pload (const typename unpacket_traits< Packet >::type *from)
template<>
EIGEN_STRONG_INLINE Packet1cd pload< Packet1cd > (const std::complex< double > *from)
template<>
EIGEN_STRONG_INLINE Packet2cf pload< Packet2cf > (const std::complex< float > *from)
template<>
EIGEN_STRONG_INLINE Packet2d pload< Packet2d > (const double *from)
template<>
EIGEN_STRONG_INLINE Packet4f pload< Packet4f > (const float *from)
template<>
EIGEN_STRONG_INLINE Packet4i pload< Packet4i > (const int *from)
template<typename Packet >
Packet ploaddup (const typename unpacket_traits< Packet >::type *from)
template<>
EIGEN_STRONG_INLINE Packet1cd ploaddup< Packet1cd > (const std::complex< double > *from)
template<>
EIGEN_STRONG_INLINE Packet2cf ploaddup< Packet2cf > (const std::complex< float > *from)
template<>
EIGEN_STRONG_INLINE Packet2d ploaddup< Packet2d > (const double *from)
template<>
EIGEN_STRONG_INLINE Packet4f ploaddup< Packet4f > (const float *from)
template<>
EIGEN_STRONG_INLINE Packet4i ploaddup< Packet4i > (const int *from)
template<typename Packet , int LoadMode>
Packet ploadt (const typename unpacket_traits< Packet >::type *from)
template<typename Packet >
Packet ploadu (const typename unpacket_traits< Packet >::type *from)
template<>
EIGEN_STRONG_INLINE Packet1cd ploadu< Packet1cd > (const std::complex< double > *from)
template<>
EIGEN_STRONG_INLINE Packet2cf ploadu< Packet2cf > (const std::complex< float > *from)
template<>
EIGEN_STRONG_INLINE Packet2d ploadu< Packet2d > (const double *from)
template<>
EIGEN_STRONG_INLINE Packet4f ploadu< Packet4f > (const float *from)
template<>
EIGEN_STRONG_INLINE Packet4i ploadu< Packet4i > (const int *from)
template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS
Packet 
plog (const Packet &a)
template<>
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS
EIGEN_UNUSED Packet4f 
plog< Packet4f > (const Packet4f &_x)
template<typename Scalar >
packet_traits< Scalar >::type plset (const Scalar &a)
template<>
EIGEN_STRONG_INLINE Packet2d plset< double > (const double &a)
template<>
EIGEN_STRONG_INLINE Packet4f plset< float > (const float &a)
template<>
EIGEN_STRONG_INLINE Packet4i plset< int > (const int &a)
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<typename Packet >
Packet pmadd (const Packet &a, const Packet &b, const Packet &c)
template<typename Packet >
Packet pmax (const Packet &a, const Packet &b)
template<>
EIGEN_STRONG_INLINE Packet2d pmax< Packet2d > (const Packet2d &a, const Packet2d &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<typename Packet >
Packet pmin (const Packet &a, const Packet &b)
template<>
EIGEN_STRONG_INLINE Packet2d pmin< Packet2d > (const Packet2d &a, const Packet2d &b)
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<typename Packet >
Packet pmul (const Packet &a, const Packet &b)
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<>
EIGEN_STRONG_INLINE Packet1cd pmul< Packet1cd > (const Packet1cd &a, const Packet1cd &b)
template<>
EIGEN_STRONG_INLINE Packet2cf pmul< Packet2cf > (const Packet2cf &a, const Packet2cf &b)
template<>
EIGEN_STRONG_INLINE Packet2d pmul< Packet2d > (const Packet2d &a, const Packet2d &b)
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 Packet2cf pnegate (const Packet2cf &a)
template<typename Packet >
Packet pnegate (const Packet &a)
template<>
EIGEN_STRONG_INLINE Packet2d pnegate (const Packet2d &a)
template<>
EIGEN_STRONG_INLINE Packet4f pnegate (const Packet4f &a)
template<>
EIGEN_STRONG_INLINE Packet4i pnegate (const Packet4i &a)
template<>
EIGEN_STRONG_INLINE Packet1cd pnegate (const Packet1cd &a)
template<typename Packet >
Packet por (const Packet &a, const Packet &b)
template<>
EIGEN_STRONG_INLINE Packet1cd por< Packet1cd > (const Packet1cd &a, const Packet1cd &b)
template<>
EIGEN_STRONG_INLINE Packet2cf por< Packet2cf > (const Packet2cf &a, const Packet2cf &b)
template<>
EIGEN_STRONG_INLINE Packet2d por< Packet2d > (const Packet2d &a, const Packet2d &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<typename Packet >
unpacket_traits< Packet >::type predux (const Packet &a)
template<>
EIGEN_STRONG_INLINE
std::complex< double > 
predux< Packet1cd > (const Packet1cd &a)
template<>
EIGEN_STRONG_INLINE
std::complex< float > 
predux< Packet2cf > (const Packet2cf &a)
template<>
EIGEN_STRONG_INLINE double predux< Packet2d > (const Packet2d &a)
template<>
EIGEN_STRONG_INLINE float predux< Packet4f > (const Packet4f &a)
template<>
EIGEN_STRONG_INLINE int predux< Packet4i > (const Packet4i &a)
template<typename Packet >
unpacket_traits< Packet >::type predux_max (const Packet &a)
template<>
EIGEN_STRONG_INLINE double predux_max< Packet2d > (const Packet2d &a)
template<>
EIGEN_STRONG_INLINE float predux_max< Packet4f > (const Packet4f &a)
template<>
EIGEN_STRONG_INLINE int predux_max< Packet4i > (const Packet4i &a)
template<typename Packet >
unpacket_traits< Packet >::type predux_min (const Packet &a)
template<>
EIGEN_STRONG_INLINE double predux_min< Packet2d > (const Packet2d &a)
template<>
EIGEN_STRONG_INLINE float predux_min< Packet4f > (const Packet4f &a)
template<>
EIGEN_STRONG_INLINE int predux_min< Packet4i > (const Packet4i &a)
template<typename Packet >
unpacket_traits< Packet >::type predux_mul (const Packet &a)
template<>
EIGEN_STRONG_INLINE
std::complex< double > 
predux_mul< Packet1cd > (const Packet1cd &a)
template<>
EIGEN_STRONG_INLINE
std::complex< float > 
predux_mul< Packet2cf > (const Packet2cf &a)
template<>
EIGEN_STRONG_INLINE double predux_mul< Packet2d > (const Packet2d &a)
template<>
EIGEN_STRONG_INLINE float predux_mul< Packet4f > (const Packet4f &a)
template<>
EIGEN_STRONG_INLINE int predux_mul< Packet4i > (const Packet4i &a)
template<typename Packet >
Packet preduxp (const Packet *vecs)
template<>
EIGEN_STRONG_INLINE Packet1cd preduxp< Packet1cd > (const Packet1cd *vecs)
template<>
EIGEN_STRONG_INLINE Packet2cf preduxp< Packet2cf > (const Packet2cf *vecs)
template<>
EIGEN_STRONG_INLINE Packet2d preduxp< Packet2d > (const Packet2d *vecs)
template<>
EIGEN_STRONG_INLINE Packet4f preduxp< Packet4f > (const Packet4f *vecs)
template<>
EIGEN_STRONG_INLINE Packet4i preduxp< Packet4i > (const Packet4i *vecs)
template<typename Scalar >
void prefetch (const Scalar *addr)
template<>
EIGEN_STRONG_INLINE void prefetch< double > (const double *addr)
template<>
EIGEN_STRONG_INLINE void prefetch< float > (const float *addr)
template<>
EIGEN_STRONG_INLINE void prefetch< int > (const int *addr)
template<>
EIGEN_STRONG_INLINE void prefetch< std::complex< double > > (const std::complex< double > *addr)
template<>
EIGEN_STRONG_INLINE void prefetch< std::complex< float > > (const std::complex< float > *addr)
template<>
EIGEN_STRONG_INLINE Packet2cf preverse (const Packet2cf &a)
template<typename Packet >
Packet preverse (const Packet &a)
template<>
EIGEN_STRONG_INLINE Packet1cd preverse (const Packet1cd &a)
template<>
EIGEN_STRONG_INLINE Packet2d preverse (const Packet2d &a)
template<>
EIGEN_STRONG_INLINE Packet4f preverse (const Packet4f &a)
template<>
EIGEN_STRONG_INLINE Packet4i preverse (const Packet4i &a)
template<typename Derived >
std::ostream & print_matrix (std::ostream &s, const Derived &_m, const IOFormat &fmt)
template<typename Scalar , typename Index , int StorageOrder, int UpLo, bool ConjugateLhs, bool ConjugateRhs>
static EIGEN_DONT_INLINE void product_selfadjoint_vector (Index size, const Scalar *lhs, Index lhsStride, const Scalar *_rhs, Index rhsIncr, Scalar *res, Scalar alpha)
template<typename Packet >
Packet pset1 (const typename unpacket_traits< Packet >::type &a)
template<>
EIGEN_STRONG_INLINE Packet1cd pset1< Packet1cd > (const std::complex< double > &from)
template<>
EIGEN_STRONG_INLINE Packet2cf pset1< Packet2cf > (const std::complex< float > &from)
template<>
EIGEN_STRONG_INLINE Packet2d pset1< Packet2d > (const double &from)
template<>
EIGEN_STRONG_INLINE Packet4f pset1< Packet4f > (const float &from)
template<>
EIGEN_STRONG_INLINE Packet4i pset1< Packet4i > (const int &from)
template<typename CMatrix , typename CINVMatrix >
void pseudo_inverse (const CMatrix &C, CINVMatrix &CINV)
template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS
Packet 
psin (const Packet &a)
template<>
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS
EIGEN_UNUSED Packet4f 
psin< Packet4f > (const Packet4f &_x)
template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS
Packet 
psqrt (const Packet &a)
template<>
EIGEN_DEFINE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS
EIGEN_UNUSED Packet4f 
psqrt< Packet4f > (const Packet4f &_x)
template<typename Scalar , typename Packet >
void pstore (Scalar *to, const Packet &from)
template<typename Packet >
void pstore1 (typename unpacket_traits< Packet >::type *to, const typename unpacket_traits< Packet >::type &a)
template<>
EIGEN_STRONG_INLINE void pstore1< Packet2d > (double *to, const double &a)
template<>
EIGEN_STRONG_INLINE void pstore1< Packet4f > (float *to, const float &a)
template<>
EIGEN_STRONG_INLINE void pstore< double > (double *to, const Packet2d &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 void pstore< std::complex< double > > (std::complex< double > *to, const Packet1cd &from)
template<>
EIGEN_STRONG_INLINE void pstore< std::complex< float > > (std::complex< float > *to, const Packet2cf &from)
template<typename Scalar , typename Packet , int LoadMode>
void pstoret (Scalar *to, const Packet &from)
template<typename Scalar , typename Packet >
void pstoreu (Scalar *to, const Packet &from)
template<>
EIGEN_STRONG_INLINE void pstoreu< double > (double *to, const Packet2d &from)
template<>
EIGEN_STRONG_INLINE void pstoreu< float > (float *to, const Packet4f &from)
template<>
EIGEN_STRONG_INLINE void pstoreu< int > (int *to, const Packet4i &from)
template<>
EIGEN_STRONG_INLINE void pstoreu< std::complex< double > > (std::complex< double > *to, const Packet1cd &from)
template<>
EIGEN_STRONG_INLINE void pstoreu< std::complex< float > > (std::complex< float > *to, const Packet2cf &from)
template<typename Packet >
Packet psub (const Packet &a, const Packet &b)
template<>
EIGEN_STRONG_INLINE Packet1cd psub< Packet1cd > (const Packet1cd &a, const Packet1cd &b)
template<>
EIGEN_STRONG_INLINE Packet2cf psub< Packet2cf > (const Packet2cf &a, const Packet2cf &b)
template<>
EIGEN_STRONG_INLINE Packet2d psub< Packet2d > (const Packet2d &a, const Packet2d &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<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS
Packet 
ptan (const Packet &a)
EIGEN_STRONG_INLINE void punpackp (Packet4f *vecs)
template<typename Packet >
Packet pxor (const Packet &a, const Packet &b)
template<>
EIGEN_STRONG_INLINE Packet1cd pxor< Packet1cd > (const Packet1cd &a, const Packet1cd &b)
template<>
EIGEN_STRONG_INLINE Packet2cf pxor< Packet2cf > (const Packet2cf &a, const Packet2cf &b)
template<>
EIGEN_STRONG_INLINE Packet2d pxor< Packet2d > (const Packet2d &a, const Packet2d &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<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)
void queryCacheSizes (int &l1, int &l2, int &l3)
int queryL1CacheSize ()
int queryTopLevelCacheSize ()
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 T >
T radix ()
template<typename T >
T radix2 ()
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 Scalar >
add_const_on_value_type
< EIGEN_MATHFUNC_RETVAL(real_ref,
Scalar) >::type 
real_ref (const Scalar &x)
template<typename Scalar >
void rwupdt (Matrix< Scalar, Dynamic, Dynamic > &r, const Matrix< Scalar, Dynamic, 1 > &w, Matrix< Scalar, Dynamic, 1 > &b, Scalar alpha)
void setNbThreads (int v)
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 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 ResultType >
static void sparse_product_impl (const Lhs &lhs, const Rhs &rhs, ResultType &res)
template<typename Lhs , typename Rhs , typename ResultType >
static void sparse_product_impl2 (const Lhs &lhs, const Rhs &rhs, ResultType &res)
template<typename RealScalar >
std::complex< RealScalarsqrt (const std::complex< RealScalar > &z)
template<typename ExpressionType , typename Scalar >
void stable_norm_kernel (const ExpressionType &bl, Scalar &ssq, Scalar &scale, Scalar &invScale)
template<typename Scalar , int Dim>
static Matrix< Scalar, 2, 2 > toRotationMatrix (const Scalar &s)
template<typename Scalar , int Dim, typename OtherDerived >
static Matrix< Scalar, Dim, Dim > toRotationMatrix (const RotationBase< OtherDerived, Dim > &r)
template<typename Scalar , int Dim, typename OtherDerived >
static const MatrixBase
< OtherDerived > & 
toRotationMatrix (const MatrixBase< OtherDerived > &mat)
template<int StorageOrder, typename RealScalar , typename Scalar , typename Index >
static void tridiagonal_qr_step (RealScalar *diag, RealScalar *subdiag, Index start, Index end, Scalar *matrixQ, Index n)
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.

Variables

bool IsComplex
static Packet16uc p16uc_COMPLEX_IM = vec_sld((Packet16uc) vec_splat((Packet4ui)p16uc_FORWARD, 1), (Packet16uc) vec_splat((Packet4ui)p16uc_FORWARD, 3), 8)
static Packet16uc p16uc_COMPLEX_RE = vec_sld((Packet16uc) vec_splat((Packet4ui)p16uc_FORWARD, 0), (Packet16uc) vec_splat((Packet4ui)p16uc_FORWARD, 2), 8)
static Packet16uc p16uc_COMPLEX_REV = vec_sld(p16uc_REVERSE, p16uc_REVERSE, 8)
static Packet16uc p16uc_COMPLEX_REV2 = vec_sld(p16uc_FORWARD, p16uc_FORWARD, 8)
static Packet16uc p16uc_DUPLICATE = {0,1,2,3, 0,1,2,3, 4,5,6,7, 4,5,6,7}
static Packet16uc p16uc_FORWARD = vec_lvsl(0, (float*)0)
static Packet16uc p16uc_PSET_HI = (Packet16uc) vec_mergeh((Packet4ui) vec_splat((Packet4ui)p16uc_FORWARD, 0), (Packet4ui) vec_splat((Packet4ui)p16uc_FORWARD, 1))
static Packet16uc p16uc_PSET_LO = (Packet16uc) vec_mergeh((Packet4ui) vec_splat((Packet4ui)p16uc_FORWARD, 2), (Packet4ui) vec_splat((Packet4ui)p16uc_FORWARD, 3))
static Packet16uc p16uc_REVERSE = {12,13,14,15, 8,9,10,11, 4,5,6,7, 0,1,2,3}
static uint32x2_t p2ui_CONJ_XOR = { 0x00000000, 0x80000000 }
static Packet4f p4f_COUNTDOWN = { 3.0, 2.0, 1.0, 0.0 }
static Packet4f p4f_ONE = vec_ctf(p4i_ONE, 0)
static Packet4f p4f_ZERO_ = (Packet4f) vec_sl((Packet4ui)p4i_MINUS1, (Packet4ui)p4i_MINUS1)
static Packet4i p4i_COUNTDOWN = { 3, 2, 1, 0 }
static Packet4ui p4ui_CONJ_XOR = vec_mergeh((Packet4ui)p4i_ZERO, (Packet4ui)p4f_ZERO_)
const Scalary

Detailed Description

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()

Typedef Documentation

typedef __vector unsigned char internal::Packet16uc

Definition at line 48 of file AltiVec/PacketMath.h.

typedef __m128d internal::Packet2d

Definition at line 40 of file SSE/PacketMath.h.

typedef __vector __bool int internal::Packet4bi

Definition at line 46 of file AltiVec/PacketMath.h.

typedef __m128 internal::Packet4f

Definition at line 43 of file AltiVec/PacketMath.h.

typedef __m128i internal::Packet4i

Definition at line 44 of file AltiVec/PacketMath.h.

typedef uint32x4_t internal::Packet4ui

Definition at line 45 of file AltiVec/PacketMath.h.

typedef __vector short int internal::Packet8i

Definition at line 47 of file AltiVec/PacketMath.h.


Enumeration Type Documentation

anonymous enum
Enumerator:
floor_log2_terminate 
floor_log2_move_up 
floor_log2_move_down 
floor_log2_bogus 

Definition at line 619 of file Eigen/src/Core/MathFunctions.h.

anonymous enum
Enumerator:
SDP_IsDiagonal 
SDP_IsSparseRowMajor 
SDP_IsSparseColMajor 

Definition at line 65 of file SparseDiagonalProduct.h.

anonymous enum
Enumerator:
PreconditionIfMoreColsThanRows 
PreconditionIfMoreRowsThanCols 

Definition at line 42 of file JacobiSVD.h.

Enumerator:
PermPermProduct 

Definition at line 59 of file PermutationMatrix.h.


Function Documentation

static internal::_EIGEN_DECLARE_CONST_FAST_Packet4f ( ZERO  ,
 
) [static]
static internal::_EIGEN_DECLARE_CONST_FAST_Packet4i ( ZERO  ,
 
) [static]
static internal::_EIGEN_DECLARE_CONST_FAST_Packet4i ( ONE  ,
 
) [static]
static internal::_EIGEN_DECLARE_CONST_FAST_Packet4i ( MINUS16  ,
16 
) [static]
static internal::_EIGEN_DECLARE_CONST_FAST_Packet4i ( MINUS1  ,
1 
) [static]
template<typename T >
void internal::aligned_delete ( T ptr,
size_t  size 
) [inline]

Definition at line 369 of file Core/util/Memory.h.

void internal::aligned_free ( void *  ptr) [inline]

Definition at line 224 of file Core/util/Memory.h.

void * internal::aligned_malloc ( size_t  size) [inline]

Definition at line 197 of file Core/util/Memory.h.

template<typename T >
T* internal::aligned_new ( size_t  size) [inline]

Definition at line 354 of file Core/util/Memory.h.

void* internal::aligned_realloc ( void *  ptr,
size_t  new_size,
size_t  old_size 
) [inline]

Definition at line 246 of file Core/util/Memory.h.

template<typename MatrixType , typename VectorsType , typename CoeffsType >
void internal::apply_block_householder_on_the_left ( MatrixType mat,
const VectorsType &  vectors,
const CoeffsType &  hCoeffs 
)

Definition at line 59 of file BlockHouseholder.h.

template<typename VectorX , typename VectorY , typename OtherScalar >
void internal::apply_rotation_in_the_plane ( VectorX _x,
VectorY &  _y,
const JacobiRotation< OtherScalar > &  j 
)

Definition at line 306 of file Jacobi.h.

template<typename MatrixType >
SluMatrix internal::asSluMatrix ( MatrixType mat)

Definition at line 277 of file SuperLUSupport.h.

template<typename Derived >
const Derived::Scalar internal::bruteforce_det3_helper ( const MatrixBase< Derived > &  matrix,
int  a,
int  b,
int  c 
) [inline]

Definition at line 32 of file Determinant.h.

template<typename Derived >
const Derived::Scalar internal::bruteforce_det4_helper ( const MatrixBase< Derived > &  matrix,
int  j,
int  k,
int  m,
int  n 
)

Definition at line 40 of file Determinant.h.

template<typename OldType , typename NewType >
NewType internal::cast ( const OldType &  x) [inline]

Definition at line 416 of file Eigen/src/Core/MathFunctions.h.

Definition at line 190 of file Core/util/Memory.h.

template<typename Scalar >
void internal::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 
)

Definition at line 8 of file chkder.h.

template<typename Scalar , typename CholmodType >
void internal::cholmod_configure_matrix ( CholmodType &  mat)

Definition at line 31 of file CholmodSupport.h.

template<typename Scalar , typename CholmodType >
void internal::cholmod_configure_matrix_legacy ( CholmodType &  mat)

Definition at line 31 of file CholmodSupportLegacy.h.

template<typename Derived >
cholmod_dense internal::cholmod_map_eigen_to_dense ( MatrixBase< Derived > &  mat)

Definition at line 96 of file CholmodSupportLegacy.h.

template<typename _MatrixType >
cholmod_sparse internal::cholmod_map_eigen_to_sparse ( _MatrixType &  mat)

Definition at line 60 of file CholmodSupportLegacy.h.

template<typename MatrixType , int i, int j>
MatrixType::Scalar internal::cofactor_3x3 ( const MatrixType m) [inline]

Definition at line 128 of file Inverse.h.

template<typename MatrixType , int i, int j>
MatrixType::Scalar internal::cofactor_4x4 ( const MatrixType matrix) [inline]

Definition at line 209 of file Inverse.h.

template<typename MatrixType , typename ResultType >
void internal::compute_inverse_size2_helper ( const MatrixType matrix,
const typename ResultType::Scalar invdet,
ResultType &  result 
) [inline]

Definition at line 82 of file Inverse.h.

template<typename MatrixType , typename ResultType >
void internal::compute_inverse_size3_helper ( const MatrixType matrix,
const typename ResultType::Scalar invdet,
const Matrix< typename ResultType::Scalar, 3, 1 > &  cofactors_col0,
ResultType &  result 
) [inline]

Definition at line 141 of file Inverse.h.

template<typename LhsScalar , typename RhsScalar , int KcFactor>
void internal::computeProductBlockingSizes ( std::ptrdiff_t &  k,
std::ptrdiff_t &  m,
std::ptrdiff_t &  n 
)

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 sizes depends on various parameters:

  • the L1 and L2 cache sizes,
  • the register level blocking sizes defined by gebp_traits,
  • the number of scalars that fit into a packet (when vectorization is enabled).
See also:
setCpuCacheSizes

Definition at line 82 of file GeneralBlockPanelKernel.h.

template<typename LhsScalar , typename RhsScalar >
void internal::computeProductBlockingSizes ( std::ptrdiff_t &  k,
std::ptrdiff_t &  m,
std::ptrdiff_t &  n 
) [inline]

Definition at line 109 of file GeneralBlockPanelKernel.h.

template<typename T , bool Align>
void internal::conditional_aligned_delete ( T ptr,
size_t  size 
) [inline]

Definition at line 378 of file Core/util/Memory.h.

template<typename T , bool Align>
void internal::conditional_aligned_delete_auto ( T ptr,
size_t  size 
) [inline]

Definition at line 413 of file Core/util/Memory.h.

template<bool Align>
void internal::conditional_aligned_free ( void *  ptr) [inline]

Definition at line 303 of file Core/util/Memory.h.

template<>
void internal::conditional_aligned_free< false > ( void *  ptr) [inline]

Definition at line 308 of file Core/util/Memory.h.

template<bool Align>
void* internal::conditional_aligned_malloc ( size_t  size) [inline]

Definition at line 286 of file Core/util/Memory.h.

template<>
void* internal::conditional_aligned_malloc< false > ( size_t  size) [inline]

Definition at line 291 of file Core/util/Memory.h.

template<typename T , bool Align>
T* internal::conditional_aligned_new ( size_t  size) [inline]

Definition at line 360 of file Core/util/Memory.h.

template<typename T , bool Align>
T* internal::conditional_aligned_new_auto ( size_t  size) [inline]

Definition at line 395 of file Core/util/Memory.h.

template<bool Align>
void* internal::conditional_aligned_realloc ( void *  ptr,
size_t  new_size,
size_t  old_size 
) [inline]

Definition at line 313 of file Core/util/Memory.h.

template<>
void* internal::conditional_aligned_realloc< false > ( void *  ptr,
size_t  new_size,
size_t   
) [inline]

Definition at line 318 of file Core/util/Memory.h.

template<typename T , bool Align>
T* internal::conditional_aligned_realloc_new ( T pts,
size_t  new_size,
size_t  old_size 
) [inline]

Definition at line 384 of file Core/util/Memory.h.

template<typename T , bool Align>
T* internal::conditional_aligned_realloc_new_auto ( T pts,
size_t  new_size,
size_t  old_size 
) [inline]

Definition at line 403 of file Core/util/Memory.h.

template<typename T >
T* internal::const_cast_ptr ( const T ptr)

Definition at line 337 of file XprHelper.h.

template<typename T >
T* internal::construct_elements_of_array ( T ptr,
size_t  size 
) [inline]

Definition at line 330 of file Core/util/Memory.h.

template<typename Scalar >
void internal::covar ( Matrix< Scalar, Dynamic, Dynamic > &  r,
const VectorXi &  ipvt,
Scalar  tol = sqrt(NumTraits<Scalar>::epsilon()) 
)

Definition at line 4 of file covar.h.

template<typename Index >
Index internal::cs_tdfs ( Index  j,
Index  k,
Index head,
const Index next,
Index post,
Index stack 
)

Definition at line 76 of file Amd.h.

template<typename Index >
static int internal::cs_wclear ( Index  mark,
Index  lemax,
Index w,
Index  n 
) [static]

Definition at line 61 of file Amd.h.

template<typename T >
void internal::destruct_elements_of_array ( T ptr,
size_t  size 
) [inline]

Definition at line 339 of file Core/util/Memory.h.

template<typename Scalar >
void internal::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 
)

Definition at line 4 of file dogleg.h.

template<typename Scalar >
internal::EIGEN_MATHFUNC_RETVAL ( real  ,
Scalar   
) const [inline]

Definition at line 102 of file Eigen/src/Core/MathFunctions.h.

template<typename Scalar >
internal::EIGEN_MATHFUNC_RETVAL ( imag  ,
Scalar   
) const [inline]

Definition at line 138 of file Eigen/src/Core/MathFunctions.h.

template<typename Scalar >
internal::EIGEN_MATHFUNC_RETVAL ( real_ref  ,
Scalar   
) [inline]

Definition at line 174 of file Eigen/src/Core/MathFunctions.h.

template<typename Scalar >
internal::EIGEN_MATHFUNC_RETVAL ( imag_ref  ,
Scalar   
) [inline]

Definition at line 226 of file Eigen/src/Core/MathFunctions.h.

template<typename Scalar >
internal::EIGEN_MATHFUNC_RETVAL ( conj  ,
Scalar   
) const [inline]

Definition at line 261 of file Eigen/src/Core/MathFunctions.h.

template<typename Scalar >
internal::EIGEN_MATHFUNC_RETVAL ( abs  ,
Scalar   
) const [inline]

Definition at line 288 of file Eigen/src/Core/MathFunctions.h.

template<typename Scalar >
internal::EIGEN_MATHFUNC_RETVAL ( abs2  ,
Scalar   
) const [inline]

Definition at line 324 of file Eigen/src/Core/MathFunctions.h.

template<typename Scalar >
internal::EIGEN_MATHFUNC_RETVAL ( norm1  ,
Scalar   
) const [inline]

Definition at line 362 of file Eigen/src/Core/MathFunctions.h.

template<typename Scalar >
internal::EIGEN_MATHFUNC_RETVAL ( hypot  ,
Scalar   
) const [inline]
template<typename Scalar >
internal::EIGEN_MATHFUNC_RETVAL ( sqrt  ,
Scalar   
) const [inline]

Definition at line 459 of file Eigen/src/Core/MathFunctions.h.

template<typename Scalar >
internal::EIGEN_MATHFUNC_RETVAL ( atan2  ,
Scalar   
) const [inline]
template<typename Scalar >
internal::EIGEN_MATHFUNC_RETVAL ( pow  ,
Scalar   
) const [inline]
template<typename Scalar >
internal::EIGEN_MATHFUNC_RETVAL ( random  ,
Scalar   
) const [inline]
internal::EIGEN_MEMBER_FUNCTOR ( squaredNorm  ,
Size *NumTraits< Scalar >::MulCost+(Size-1)*NumTraits< Scalar >::AddCost   
)
internal::EIGEN_MEMBER_FUNCTOR ( norm  ,
(Size+5)*NumTraits< Scalar >::MulCost+(Size-1)*NumTraits< Scalar >::AddCost   
)
internal::EIGEN_MEMBER_FUNCTOR ( stableNorm  ,
(Size+5)*NumTraits< Scalar >::MulCost+(Size-1)*NumTraits< Scalar >::AddCost   
)
internal::EIGEN_MEMBER_FUNCTOR ( blueNorm  ,
(Size+5)*NumTraits< Scalar >::MulCost+(Size-1)*NumTraits< Scalar >::AddCost   
)
internal::EIGEN_MEMBER_FUNCTOR ( hypotNorm  ,
(Size-1)*functor_traits< scalar_hypot_op< Scalar > >::Cost   
)
internal::EIGEN_MEMBER_FUNCTOR ( sum  ,
(Size-1)*NumTraits< Scalar >::AddCost   
)
internal::EIGEN_MEMBER_FUNCTOR ( mean  ,
(Size-1)*NumTraits< Scalar >::AddCost+NumTraits< Scalar >::MulCost   
)
internal::EIGEN_MEMBER_FUNCTOR ( minCoeff  ,
(Size-1)*NumTraits< Scalar >::AddCost   
)
internal::EIGEN_MEMBER_FUNCTOR ( maxCoeff  ,
(Size-1)*NumTraits< Scalar >::AddCost   
)
internal::EIGEN_MEMBER_FUNCTOR ( all  ,
(Size-1)*NumTraits< Scalar >::AddCost   
)
internal::EIGEN_MEMBER_FUNCTOR ( any  ,
(Size-1)*NumTraits< Scalar >::AddCost   
)
internal::EIGEN_MEMBER_FUNCTOR ( count  ,
(Size-1)*NumTraits< Scalar >::AddCost   
)
internal::EIGEN_MEMBER_FUNCTOR ( prod  ,
(Size-1)*NumTraits< Scalar >::MulCost   
)
template<typename T >
const T::Scalar* internal::extract_data ( const T m)

Definition at line 264 of file BlasUtil.h.

template<typename FunctorType , typename Scalar >
DenseIndex internal::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 
)

Definition at line 4 of file fdjac1.h.

template<typename T >
T* internal::fftw_cast ( const T p) [inline]

Definition at line 37 of file ei_fftw_impl.h.

fftw_complex* internal::fftw_cast ( const std::complex< double > *  p) [inline]

Definition at line 43 of file ei_fftw_impl.h.

fftwf_complex* internal::fftw_cast ( const std::complex< float > *  p) [inline]

Definition at line 49 of file ei_fftw_impl.h.

fftwl_complex* internal::fftw_cast ( const std::complex< long double > *  p) [inline]

Definition at line 55 of file ei_fftw_impl.h.

template<typename Scalar , typename Index >
static Index internal::first_aligned ( const Scalar array,
Index  size 
) [inline, static]

Definition at line 439 of file Core/util/Memory.h.

template<typename Derived >
static Derived::Index internal::first_aligned ( const Derived &  m) [inline, static]

Definition at line 732 of file DenseCoeffsBase.h.

template<typename CJ , typename A , typename B , typename C , typename T >
EIGEN_STRONG_INLINE void internal::gebp_madd ( const CJ &  cj,
A a,
B b,
C c,
T t 
)

Definition at line 135 of file GeneralBlockPanelKernel.h.

template<typename Derived >
const Derived::Scalar internal::general_det3_helper ( const MatrixBase< Derived > &  matrix,
int  i1,
int  i2,
int  i3,
int  j1,
int  j2,
int  j3 
) [inline]

Definition at line 202 of file Inverse.h.

void* internal::generic_aligned_realloc ( void *  ptr,
size_t  size,
size_t  old_size 
) [inline]

Definition at line 137 of file Core/util/Memory.h.

void internal::handmade_aligned_free ( void *  ptr) [inline]

Definition at line 104 of file Core/util/Memory.h.

void* internal::handmade_aligned_malloc ( size_t  size) [inline]

Definition at line 94 of file Core/util/Memory.h.

void* internal::handmade_aligned_realloc ( void *  ptr,
size_t  size,
size_t  = 0 
) [inline]

Definition at line 114 of file Core/util/Memory.h.

template<typename MatrixQR , typename HCoeffs >
void internal::householder_qr_inplace_blocked ( MatrixQR &  mat,
HCoeffs &  hCoeffs,
typename MatrixQR::Index  maxBlockSize = 32,
typename MatrixQR::Scalar tempData = 0 
)

Definition at line 242 of file HouseholderQR.h.

template<typename MatrixQR , typename HCoeffs >
void internal::householder_qr_inplace_unblocked ( MatrixQR &  mat,
HCoeffs &  hCoeffs,
typename MatrixQR::Scalar tempData = 0 
)

Definition at line 206 of file HouseholderQR.h.

template<typename Scalar >
add_const_on_value_type< EIGEN_MATHFUNC_RETVAL(imag_ref, Scalar) >::type internal::imag_ref ( const Scalar x) [inline]

Definition at line 220 of file Eigen/src/Core/MathFunctions.h.

template<typename BVH , typename Intersector >
bool internal::intersect_helper ( const BVH &  tree,
Intersector &  intersector,
typename BVH::Index  root 
)

Definition at line 32 of file BVAlgorithms.h.

template<typename Scalar >
bool internal::isApprox ( const Scalar x,
const Scalar y,
typename NumTraits< Scalar >::Real  precision = NumTraits<Scalar>::dummy_precision() 
) [inline]

Definition at line 794 of file Eigen/src/Core/MathFunctions.h.

template<typename Scalar >
bool internal::isApproxOrLessThan ( const Scalar x,
const Scalar y,
typename NumTraits< Scalar >::Real  precision = NumTraits<Scalar>::dummy_precision() 
) [inline]

Definition at line 801 of file Eigen/src/Core/MathFunctions.h.

template<typename Scalar , typename OtherScalar >
bool internal::isMuchSmallerThan ( const Scalar x,
const OtherScalar &  y,
typename NumTraits< Scalar >::Real  precision = NumTraits<Scalar>::dummy_precision() 
) [inline]

Definition at line 787 of file Eigen/src/Core/MathFunctions.h.

template<typename Scalar >
void internal::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 
)

Definition at line 4 of file lmpar.h.

template<typename Scalar >
void internal::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 
)

Definition at line 160 of file lmpar.h.

template<typename TriangularFactorType , typename VectorsType , typename CoeffsType >
void internal::make_block_householder_triangular_factor ( TriangularFactorType &  triFactor,
const VectorsType &  vectors,
const CoeffsType &  hCoeffs 
)

Definition at line 35 of file BlockHouseholder.h.

void internal::manage_caching_sizes ( Action  action,
std::ptrdiff_t *  l1 = 0,
std::ptrdiff_t *  l2 = 0 
) [inline]

Definition at line 34 of file GeneralBlockPanelKernel.h.

void internal::manage_multi_threading ( Action  action,
int *  v 
) [inline]

Definition at line 31 of file Parallelizer.h.

template<typename Scalar , int Flags, typename Index >
MappedSparseMatrix<Scalar,Flags,Index> internal::map_cholmod_sparse_to_eigen ( cholmod_sparse &  cm)

Definition at line 115 of file CholmodSupportLegacy.h.

template<typename Scalar , int Flags, typename Index >
MappedSparseMatrix<Scalar,Flags,Index> internal::map_superlu ( SluMatrix sluMat)

View a Super LU matrix as an Eigen expression

Definition at line 284 of file SuperLUSupport.h.

template<typename BVH , typename Minimizer >
Minimizer::Scalar internal::minimize_helper ( const BVH &  tree,
Minimizer &  minimizer,
typename BVH::Index  root,
typename Minimizer::Scalar  minimum 
)

Definition at line 162 of file BVAlgorithms.h.

template<typename Scalar , typename Index >
void internal::minimum_degree_ordering ( SparseMatrix< Scalar, ColMajor, Index > &  C,
PermutationMatrix< Dynamic > &  perm 
)

Definition at line 106 of file Amd.h.

int internal::nbThreads ( ) [inline]
Returns:
the max number of threads reserved for Eigen
See also:
setNbThreads

Definition at line 60 of file Parallelizer.h.

template<typename Packet >
Packet internal::pabs ( const Packet &  a) [inline]

Definition at line 146 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet2d internal::pabs ( const Packet2d &  a)

Definition at line 355 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4f internal::pabs ( const Packet4f &  a)

Definition at line 360 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4i internal::pabs ( const Packet4i &  a)

Definition at line 361 of file AltiVec/PacketMath.h.

template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet internal::pacos ( const Packet &  a)

Definition at line 255 of file GenericPacketMath.h.

template<typename Packet >
Packet internal::padd ( const Packet &  a,
const Packet &  b 
) [inline]

Definition at line 108 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet1cd internal::padd< Packet1cd > ( const Packet1cd &  a,
const Packet1cd &  b 
)

Definition at line 281 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2cf internal::padd< Packet2cf > ( const Packet2cf &  a,
const Packet2cf &  b 
)

Definition at line 81 of file AltiVec/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2d internal::padd< Packet2d > ( const Packet2d &  a,
const Packet2d &  b 
)

Definition at line 122 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4f internal::padd< Packet4f > ( const Packet4f &  a,
const Packet4f &  b 
)

Definition at line 180 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4i internal::padd< Packet4i > ( const Packet4i &  a,
const Packet4i &  b 
)

Definition at line 181 of file AltiVec/PacketMath.h.

template<int Offset, typename PacketType >
void internal::palign ( PacketType &  first,
const PacketType &  second 
) [inline]

Definition at line 321 of file GenericPacketMath.h.

template<typename Packet >
Packet internal::pand ( const Packet &  a,
const Packet &  b 
) [inline]

Definition at line 150 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet1cd internal::pand< Packet1cd > ( const Packet1cd &  a,
const Packet1cd &  b 
)

Definition at line 305 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2cf internal::pand< Packet2cf > ( const Packet2cf &  a,
const Packet2cf &  b 
)

Definition at line 105 of file AltiVec/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2d internal::pand< Packet2d > ( const Packet2d &  a,
const Packet2d &  b 
)

Definition at line 191 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4f internal::pand< Packet4f > ( const Packet4f &  a,
const Packet4f &  b 
)

Definition at line 257 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4i internal::pand< Packet4i > ( const Packet4i &  a,
const Packet4i &  b 
)

Definition at line 258 of file AltiVec/PacketMath.h.

template<typename Packet >
Packet internal::pandnot ( const Packet &  a,
const Packet &  b 
) [inline]

Definition at line 162 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet1cd internal::pandnot< Packet1cd > ( const Packet1cd &  a,
const Packet1cd &  b 
)

Definition at line 308 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2cf internal::pandnot< Packet2cf > ( const Packet2cf &  a,
const Packet2cf &  b 
)

Definition at line 108 of file AltiVec/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2d internal::pandnot< Packet2d > ( const Packet2d &  a,
const Packet2d &  b 
)

Definition at line 203 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4f internal::pandnot< Packet4f > ( const Packet4f &  a,
const Packet4f &  b 
)

Definition at line 266 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4i internal::pandnot< Packet4i > ( const Packet4i &  a,
const Packet4i &  b 
)

Definition at line 267 of file AltiVec/PacketMath.h.

template<bool Condition, typename Functor , typename Index >
void internal::parallelize_gemm ( const Functor func,
Index  rows,
Index  cols,
bool  transpose 
)

Definition at line 86 of file Parallelizer.h.

template<typename MatrixType , typename TranspositionType >
void internal::partial_lu_inplace ( MatrixType lu,
TranspositionType &  row_transpositions,
typename TranspositionType::Index nb_transpositions 
)

Definition at line 387 of file PartialPivLU.h.

template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet internal::pasin ( const Packet &  a)

Definition at line 251 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet2cf internal::pconj ( const Packet2cf &  a)

Definition at line 84 of file AltiVec/Complex.h.

template<typename Packet >
Packet internal::pconj ( const Packet &  a) [inline]

Definition at line 122 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet1cd internal::pconj ( const Packet1cd &  a)

Definition at line 284 of file SSE/Complex.h.

template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet internal::pcos ( const Packet &  a)

Definition at line 243 of file GenericPacketMath.h.

Definition at line 292 of file Eigen/src/Core/arch/SSE/MathFunctions.h.

template<typename Packet >
Packet internal::pcplxflip ( const Packet &  a) [inline]

Definition at line 230 of file GenericPacketMath.h.

Definition at line 244 of file SSE/Complex.h.

Definition at line 440 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2cf internal::pcplxflip< Packet2cf > ( const Packet2cf &  x)

Definition at line 221 of file AltiVec/Complex.h.

template<typename Packet >
Packet internal::pdiv ( const Packet &  a,
const Packet &  b 
) [inline]

Definition at line 131 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet1cd internal::pdiv< Packet1cd > ( const Packet1cd &  a,
const Packet1cd &  b 
)

Definition at line 432 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2cf internal::pdiv< Packet2cf > ( const Packet2cf &  a,
const Packet2cf &  b 
)

Definition at line 213 of file AltiVec/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2d internal::pdiv< Packet2d > ( const Packet2d &  a,
const Packet2d &  b 
)

Definition at line 163 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4f internal::pdiv< Packet4f > ( const Packet4f &  a,
const Packet4f &  b 
)

Definition at line 226 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4i internal::pdiv< Packet4i > ( const Packet4i &  ,
const Packet4i &   
)

Definition at line 241 of file AltiVec/PacketMath.h.

template<int UpLo, typename MatrixType , int DestOrder>
void internal::permute_symm_to_fullsymm ( const MatrixType mat,
SparseMatrix< typename MatrixType::Scalar, DestOrder, typename MatrixType::Index > &  _dest,
const typename MatrixType::Index perm = 0 
)

Definition at line 292 of file SparseSelfAdjointView.h.

template<int SrcUpLo, int DstUpLo, typename MatrixType , int DestOrder>
void internal::permute_symm_to_symm ( const MatrixType mat,
SparseMatrix< typename MatrixType::Scalar, DestOrder, typename MatrixType::Index > &  _dest,
const typename MatrixType::Index perm = 0 
)

Definition at line 363 of file SparseSelfAdjointView.h.

template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet internal::pexp ( const Packet &  a)

Definition at line 259 of file GenericPacketMath.h.

Definition at line 116 of file Eigen/src/Core/arch/SSE/MathFunctions.h.

template<typename Packet >
unpacket_traits<Packet>::type internal::pfirst ( const Packet &  a) [inline]

Definition at line 201 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE std::complex<double> internal::pfirst< Packet1cd > ( const Packet1cd &  a)

Definition at line 326 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE std::complex< float > internal::pfirst< Packet2cf > ( const Packet2cf &  a)

Definition at line 123 of file AltiVec/Complex.h.

template<>
EIGEN_STRONG_INLINE double internal::pfirst< Packet2d > ( const Packet2d &  a)

Definition at line 338 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE float internal::pfirst< Packet4f > ( const Packet4f &  a)

Definition at line 354 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE int internal::pfirst< Packet4i > ( const Packet4i &  a)

Definition at line 355 of file AltiVec/PacketMath.h.

template<typename Packet >
Packet internal::pload ( const typename unpacket_traits< Packet >::type from) [inline]

Definition at line 166 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet1cd internal::pload< Packet1cd > ( const std::complex< double > *  from)

Definition at line 311 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2cf internal::pload< Packet2cf > ( const std::complex< float > *  from)

Definition at line 110 of file AltiVec/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2d internal::pload< Packet2d > ( const double *  from)

Definition at line 207 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4f internal::pload< Packet4f > ( const float *  from)

Definition at line 269 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4i internal::pload< Packet4i > ( const int *  from)

Definition at line 270 of file AltiVec/PacketMath.h.

template<typename Packet >
Packet internal::ploaddup ( const typename unpacket_traits< Packet >::type from) [inline]

Definition at line 174 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet1cd internal::ploaddup< Packet1cd > ( const std::complex< double > *  from)

Definition at line 318 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2cf internal::ploaddup< Packet2cf > ( const std::complex< float > *  from)

Definition at line 113 of file AltiVec/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2d internal::ploaddup< Packet2d > ( const double *  from)

Definition at line 287 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4f internal::ploaddup< Packet4f > ( const float *  from)

Definition at line 296 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4i internal::ploaddup< Packet4i > ( const int *  from)

Definition at line 303 of file AltiVec/PacketMath.h.

template<typename Packet , int LoadMode>
Packet internal::ploadt ( const typename unpacket_traits< Packet >::type from) [inline]

Definition at line 291 of file GenericPacketMath.h.

template<typename Packet >
Packet internal::ploadu ( const typename unpacket_traits< Packet >::type from) [inline]

Definition at line 170 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet1cd internal::ploadu< Packet1cd > ( const std::complex< double > *  from)

Definition at line 313 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2cf internal::ploadu< Packet2cf > ( const std::complex< float > *  from)

Definition at line 111 of file AltiVec/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2d internal::ploadu< Packet2d > ( const double *  from)

Definition at line 257 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4f internal::ploadu< Packet4f > ( const float *  from)

Definition at line 272 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4i internal::ploadu< Packet4i > ( const int *  from)

Definition at line 284 of file AltiVec/PacketMath.h.

template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet internal::plog ( const Packet &  a)

Definition at line 263 of file GenericPacketMath.h.

Definition at line 36 of file Eigen/src/Core/arch/SSE/MathFunctions.h.

template<typename Scalar >
packet_traits<Scalar>::type internal::plset ( const Scalar a) [inline]

Definition at line 182 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet2d internal::plset< double > ( const double &  a)

Definition at line 118 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4f internal::plset< float > ( const float &  a)

Definition at line 177 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4i internal::plset< int > ( const int &  a)

Definition at line 178 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4f internal::pmadd ( const Packet4f &  a,
const Packet4f &  b,
const Packet4f &  c 
)

Definition at line 247 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4i internal::pmadd ( const Packet4i &  a,
const Packet4i &  b,
const Packet4i &  c 
)

Definition at line 248 of file AltiVec/PacketMath.h.

template<typename Packet >
Packet internal::pmadd ( const Packet &  a,
const Packet &  b,
const Packet &  c 
) [inline]

Definition at line 283 of file GenericPacketMath.h.

template<typename Packet >
Packet internal::pmax ( const Packet &  a,
const Packet &  b 
) [inline]

Definition at line 141 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet2d internal::pmax< Packet2d > ( const Packet2d &  a,
const Packet2d &  b 
)

Definition at line 182 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4f internal::pmax< Packet4f > ( const Packet4f &  a,
const Packet4f &  b 
)

Definition at line 253 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4i internal::pmax< Packet4i > ( const Packet4i &  a,
const Packet4i &  b 
)

Definition at line 254 of file AltiVec/PacketMath.h.

template<typename Packet >
Packet internal::pmin ( const Packet &  a,
const Packet &  b 
) [inline]

Definition at line 136 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet2d internal::pmin< Packet2d > ( const Packet2d &  a,
const Packet2d &  b 
)

Definition at line 173 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4f internal::pmin< Packet4f > ( const Packet4f &  a,
const Packet4f &  b 
)

Definition at line 250 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4i internal::pmin< Packet4i > ( const Packet4i &  a,
const Packet4i &  b 
)

Definition at line 251 of file AltiVec/PacketMath.h.

template<typename Packet >
Packet internal::pmul ( const Packet &  a,
const Packet &  b 
) [inline]

Definition at line 126 of file GenericPacketMath.h.

template<>
std::complex<float> internal::pmul ( const std::complex< float > &  a,
const std::complex< float > &  b 
) [inline]

Definition at line 330 of file GenericPacketMath.h.

template<>
std::complex<double> internal::pmul ( const std::complex< double > &  a,
const std::complex< double > &  b 
) [inline]

Definition at line 333 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet1cd internal::pmul< Packet1cd > ( const Packet1cd &  a,
const Packet1cd &  b 
)

Definition at line 290 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2cf internal::pmul< Packet2cf > ( const Packet2cf &  a,
const Packet2cf &  b 
)

Definition at line 86 of file AltiVec/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2d internal::pmul< Packet2d > ( const Packet2d &  a,
const Packet2d &  b 
)

Definition at line 145 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4f internal::pmul< Packet4f > ( const Packet4f &  a,
const Packet4f &  b 
)

Definition at line 189 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4i internal::pmul< Packet4i > ( const Packet4i &  a,
const Packet4i &  b 
)

Definition at line 122 of file NEON/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet2cf internal::pnegate ( const Packet2cf &  a)

Definition at line 83 of file AltiVec/Complex.h.

template<typename Packet >
Packet internal::pnegate ( const Packet &  a) [inline]

Definition at line 118 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet2d internal::pnegate ( const Packet2d &  a)

Definition at line 134 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4f internal::pnegate ( const Packet4f &  a)

Definition at line 186 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4i internal::pnegate ( const Packet4i &  a)

Definition at line 187 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet1cd internal::pnegate ( const Packet1cd &  a)

Definition at line 283 of file SSE/Complex.h.

template<typename Packet >
Packet internal::por ( const Packet &  a,
const Packet &  b 
) [inline]

Definition at line 154 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet1cd internal::por< Packet1cd > ( const Packet1cd &  a,
const Packet1cd &  b 
)

Definition at line 306 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2cf internal::por< Packet2cf > ( const Packet2cf &  a,
const Packet2cf &  b 
)

Definition at line 106 of file AltiVec/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2d internal::por< Packet2d > ( const Packet2d &  a,
const Packet2d &  b 
)

Definition at line 195 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4f internal::por< Packet4f > ( const Packet4f &  a,
const Packet4f &  b 
)

Definition at line 260 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4i internal::por< Packet4i > ( const Packet4i &  a,
const Packet4i &  b 
)

Definition at line 261 of file AltiVec/PacketMath.h.

template<typename Packet >
unpacket_traits<Packet>::type internal::predux ( const Packet &  a) [inline]

Definition at line 209 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE std::complex<double> internal::predux< Packet1cd > ( const Packet1cd &  a)

Definition at line 335 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE std::complex< float > internal::predux< Packet2cf > ( const Packet2cf &  a)

Definition at line 138 of file AltiVec/Complex.h.

template<>
EIGEN_STRONG_INLINE double internal::predux< Packet2d > ( const Packet2d &  a)

Definition at line 415 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE float internal::predux< Packet4f > ( const Packet4f &  a)

Definition at line 363 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE int internal::predux< Packet4i > ( const Packet4i &  a)

Definition at line 401 of file AltiVec/PacketMath.h.

template<typename Packet >
unpacket_traits<Packet>::type internal::predux_max ( const Packet &  a) [inline]

Definition at line 221 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE double internal::predux_max< Packet2d > ( const Packet2d &  a)

Definition at line 509 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE float internal::predux_max< Packet4f > ( const Packet4f &  a)

Definition at line 471 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE int internal::predux_max< Packet4i > ( const Packet4i &  a)

Definition at line 479 of file AltiVec/PacketMath.h.

template<typename Packet >
unpacket_traits<Packet>::type internal::predux_min ( const Packet &  a) [inline]

Definition at line 217 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE double internal::predux_min< Packet2d > ( const Packet2d &  a)

Definition at line 488 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE float internal::predux_min< Packet4f > ( const Packet4f &  a)

Definition at line 454 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE int internal::predux_min< Packet4i > ( const Packet4i &  a)

Definition at line 462 of file AltiVec/PacketMath.h.

template<typename Packet >
unpacket_traits<Packet>::type internal::predux_mul ( const Packet &  a) [inline]

Definition at line 213 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE std::complex<double> internal::predux_mul< Packet1cd > ( const Packet1cd &  a)

Definition at line 345 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE std::complex< float > internal::predux_mul< Packet2cf > ( const Packet2cf &  a)

Definition at line 158 of file AltiVec/Complex.h.

template<>
EIGEN_STRONG_INLINE double internal::predux_mul< Packet2d > ( const Packet2d &  a)

Definition at line 468 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE float internal::predux_mul< Packet4f > ( const Packet4f &  a)

Definition at line 439 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE int internal::predux_mul< Packet4i > ( const Packet4i &  a)

Definition at line 446 of file AltiVec/PacketMath.h.

template<typename Packet >
Packet internal::preduxp ( const Packet *  vecs) [inline]

Definition at line 206 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet1cd internal::preduxp< Packet1cd > ( const Packet1cd *  vecs)

Definition at line 340 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2cf internal::preduxp< Packet2cf > ( const Packet2cf *  vecs)

Definition at line 146 of file AltiVec/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2d internal::preduxp< Packet2d > ( const Packet2d *  vecs)

Definition at line 434 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4f internal::preduxp< Packet4f > ( const Packet4f *  vecs)

Definition at line 373 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4i internal::preduxp< Packet4i > ( const Packet4i *  vecs)

Definition at line 409 of file AltiVec/PacketMath.h.

template<typename Scalar >
void internal::prefetch ( const Scalar addr) [inline]

Definition at line 193 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE void internal::prefetch< double > ( const double *  addr)

Definition at line 322 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE void internal::prefetch< float > ( const float *  addr)

Definition at line 351 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE void internal::prefetch< int > ( const int *  addr)

Definition at line 352 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE void internal::prefetch< std::complex< double > > ( const std::complex< double > *  addr)

Definition at line 324 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE void internal::prefetch< std::complex< float > > ( const std::complex< float > *  addr)

Definition at line 121 of file AltiVec/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2cf internal::preverse ( const Packet2cf &  a)

Definition at line 131 of file AltiVec/Complex.h.

template<typename Packet >
Packet internal::preverse ( const Packet &  a) [inline]

Definition at line 225 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet1cd internal::preverse ( const Packet1cd &  a)

Definition at line 333 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2d internal::preverse ( const Packet2d &  a)

Definition at line 344 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4f internal::preverse ( const Packet4f &  a)

Definition at line 357 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4i internal::preverse ( const Packet4i &  a)

Definition at line 358 of file AltiVec/PacketMath.h.

template<typename Derived >
std::ostream & internal::print_matrix ( std::ostream &  s,
const Derived &  _m,
const IOFormat fmt 
)

Definition at line 166 of file src/g2o/EXTERNAL/eigen3/Eigen/src/Core/IO.h.

template<typename Scalar , typename Index , int StorageOrder, int UpLo, bool ConjugateLhs, bool ConjugateRhs>
static EIGEN_DONT_INLINE void internal::product_selfadjoint_vector ( Index  size,
const Scalar lhs,
Index  lhsStride,
const Scalar _rhs,
Index  rhsIncr,
Scalar res,
Scalar  alpha 
) [static]

Definition at line 36 of file SelfadjointMatrixVector.h.

template<typename Packet >
Packet internal::pset1 ( const typename unpacket_traits< Packet >::type a) [inline]

Definition at line 178 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet1cd internal::pset1< Packet1cd > ( const std::complex< double > &  from)

Definition at line 315 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2cf internal::pset1< Packet2cf > ( const std::complex< float > &  from)

Definition at line 69 of file AltiVec/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2d internal::pset1< Packet2d > ( const double &  from)

Definition at line 114 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4f internal::pset1< Packet4f > ( const float &  from)

Definition at line 160 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4i internal::pset1< Packet4i > ( const int &  from)

Definition at line 169 of file AltiVec/PacketMath.h.

template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet internal::psin ( const Packet &  a)

Definition at line 239 of file GenericPacketMath.h.

Definition at line 191 of file Eigen/src/Core/arch/SSE/MathFunctions.h.

template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet internal::psqrt ( const Packet &  a)

Definition at line 267 of file GenericPacketMath.h.

Definition at line 381 of file Eigen/src/Core/arch/SSE/MathFunctions.h.

template<typename Scalar , typename Packet >
void internal::pstore ( Scalar to,
const Packet &  from 
) [inline]

Definition at line 185 of file GenericPacketMath.h.

template<typename Packet >
void internal::pstore1 ( typename unpacket_traits< Packet >::type to,
const typename unpacket_traits< Packet >::type a 
) [inline]

Definition at line 276 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE void internal::pstore1< Packet2d > ( double *  to,
const double &  a 
)

Definition at line 315 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE void internal::pstore1< Packet4f > ( float *  to,
const float &  a 
)

Definition at line 309 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE void internal::pstore< double > ( double *  to,
const Packet2d &  from 
)

Definition at line 297 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE void internal::pstore< float > ( float *  to,
const Packet4f &  from 
)

Definition at line 311 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE void internal::pstore< int > ( int *  to,
const Packet4i &  from 
)

Definition at line 312 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE void internal::pstore< std::complex< double > > ( std::complex< double > *  to,
const Packet1cd &  from 
)

Definition at line 321 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE void internal::pstore< std::complex< float > > ( std::complex< float > *  to,
const Packet2cf &  from 
)

Definition at line 118 of file AltiVec/Complex.h.

template<typename Scalar , typename Packet , int LoadMode>
void internal::pstoret ( Scalar to,
const Packet &  from 
) [inline]

Definition at line 302 of file GenericPacketMath.h.

template<typename Scalar , typename Packet >
void internal::pstoreu ( Scalar to,
const Packet &  from 
) [inline]

Definition at line 189 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE void internal::pstoreu< double > ( double *  to,
const Packet2d &  from 
)

Definition at line 300 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE void internal::pstoreu< float > ( float *  to,
const Packet4f &  from 
)

Definition at line 314 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE void internal::pstoreu< int > ( int *  to,
const Packet4i &  from 
)

Definition at line 332 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE void internal::pstoreu< std::complex< double > > ( std::complex< double > *  to,
const Packet1cd &  from 
)

Definition at line 322 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE void internal::pstoreu< std::complex< float > > ( std::complex< float > *  to,
const Packet2cf &  from 
)

Definition at line 119 of file AltiVec/Complex.h.

template<typename Packet >
Packet internal::psub ( const Packet &  a,
const Packet &  b 
) [inline]

Definition at line 113 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet1cd internal::psub< Packet1cd > ( const Packet1cd &  a,
const Packet1cd &  b 
)

Definition at line 282 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2cf internal::psub< Packet2cf > ( const Packet2cf &  a,
const Packet2cf &  b 
)

Definition at line 82 of file AltiVec/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2d internal::psub< Packet2d > ( const Packet2d &  a,
const Packet2d &  b 
)

Definition at line 126 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4f internal::psub< Packet4f > ( const Packet4f &  a,
const Packet4f &  b 
)

Definition at line 183 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4i internal::psub< Packet4i > ( const Packet4i &  a,
const Packet4i &  b 
)

Definition at line 184 of file AltiVec/PacketMath.h.

template<typename Packet >
EIGEN_DECLARE_FUNCTION_ALLOWING_MULTIPLE_DEFINITIONS Packet internal::ptan ( const Packet &  a)

Definition at line 247 of file GenericPacketMath.h.

EIGEN_STRONG_INLINE void internal::punpackp ( Packet4f *  vecs)

Definition at line 370 of file SSE/PacketMath.h.

template<typename Packet >
Packet internal::pxor ( const Packet &  a,
const Packet &  b 
) [inline]

Definition at line 158 of file GenericPacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet1cd internal::pxor< Packet1cd > ( const Packet1cd &  a,
const Packet1cd &  b 
)

Definition at line 307 of file SSE/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2cf internal::pxor< Packet2cf > ( const Packet2cf &  a,
const Packet2cf &  b 
)

Definition at line 107 of file AltiVec/Complex.h.

template<>
EIGEN_STRONG_INLINE Packet2d internal::pxor< Packet2d > ( const Packet2d &  a,
const Packet2d &  b 
)

Definition at line 199 of file SSE/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4f internal::pxor< Packet4f > ( const Packet4f &  a,
const Packet4f &  b 
)

Definition at line 263 of file AltiVec/PacketMath.h.

template<>
EIGEN_STRONG_INLINE Packet4i internal::pxor< Packet4i > ( const Packet4i &  a,
const Packet4i &  b 
)

Definition at line 264 of file AltiVec/PacketMath.h.

template<typename Scalar >
void internal::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 
)

Definition at line 5 of file qrsolv.h.

void internal::queryCacheSizes ( int &  l1,
int &  l2,
int &  l3 
) [inline]

Definition at line 859 of file Core/util/Memory.h.

int internal::queryL1CacheSize ( ) [inline]

Definition at line 893 of file Core/util/Memory.h.

Definition at line 902 of file Core/util/Memory.h.

template<typename Scalar >
void internal::r1mpyq ( DenseIndex  m,
DenseIndex  n,
Scalar a,
const std::vector< JacobiRotation< Scalar > > &  v_givens,
const std::vector< JacobiRotation< Scalar > > &  w_givens 
)

Definition at line 6 of file r1mpyq.h.

template<typename Scalar >
void internal::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 
)

Definition at line 4 of file r1updt.h.

template<typename T >
T internal::radix ( )

Definition at line 37 of file Companion.h.

template<typename T >
T internal::radix2 ( )

Definition at line 40 of file Companion.h.

template<typename MatrixType , typename RealScalar , typename Index >
void internal::real_2x2_jacobi_svd ( const MatrixType matrix,
Index  p,
Index  q,
JacobiRotation< RealScalar > *  j_left,
JacobiRotation< RealScalar > *  j_right 
)

Definition at line 262 of file JacobiSVD.h.

template<typename Scalar >
add_const_on_value_type< EIGEN_MATHFUNC_RETVAL(real_ref, Scalar) >::type internal::real_ref ( const Scalar x) [inline]

Definition at line 168 of file Eigen/src/Core/MathFunctions.h.

template<typename Scalar >
void internal::rwupdt ( Matrix< Scalar, Dynamic, Dynamic > &  r,
const Matrix< Scalar, Dynamic, 1 > &  w,
Matrix< Scalar, Dynamic, 1 > &  b,
Scalar  alpha 
)

Definition at line 4 of file rwupdt.h.

void internal::setNbThreads ( int  v) [inline]

Sets the max number of threads reserved for Eigen

See also:
nbThreads

Definition at line 69 of file Parallelizer.h.

template<typename Lhs , typename Rhs , typename Dest >
EIGEN_DONT_INLINE void internal::skyline_col_major_time_dense_product ( const Lhs &  lhs,
const Rhs &  rhs,
Dest &  dst 
)

Definition at line 198 of file SkylineProduct.h.

template<typename Lhs , typename Rhs , typename Dest >
EIGEN_DONT_INLINE void internal::skyline_row_major_time_dense_product ( const Lhs &  lhs,
const Rhs &  rhs,
Dest &  dst 
)

Definition at line 135 of file SkylineProduct.h.

template<typename Lhs , typename Rhs , typename ResultType >
static void internal::sparse_product_impl ( const Lhs &  lhs,
const Rhs &  rhs,
ResultType &  res 
) [static]

Definition at line 115 of file SparseSparseProduct.h.

template<typename Lhs , typename Rhs , typename ResultType >
static void internal::sparse_product_impl2 ( const Lhs &  lhs,
const Rhs &  rhs,
ResultType &  res 
) [static]

Definition at line 31 of file SparseSparseProduct.h.

template<typename RealScalar >
std::complex<RealScalar> internal::sqrt ( const std::complex< RealScalar > &  z)

Computes the principal value of the square root of the complex z.

Definition at line 234 of file ComplexSchur.h.

template<typename ExpressionType , typename Scalar >
void internal::stable_norm_kernel ( const ExpressionType &  bl,
Scalar ssq,
Scalar scale,
Scalar invScale 
) [inline]

Definition at line 30 of file StableNorm.h.

template<typename Scalar , int Dim>
static Matrix<Scalar,2,2> internal::toRotationMatrix ( const Scalar s) [inline, static]

Definition at line 195 of file Geometry/RotationBase.h.

template<typename Scalar , int Dim, typename OtherDerived >
static Matrix<Scalar,Dim,Dim> internal::toRotationMatrix ( const RotationBase< OtherDerived, Dim > &  r) [inline, static]

Definition at line 202 of file Geometry/RotationBase.h.

template<typename Scalar , int Dim, typename OtherDerived >
static const MatrixBase<OtherDerived>& internal::toRotationMatrix ( const MatrixBase< OtherDerived > &  mat) [inline, static]

Definition at line 208 of file Geometry/RotationBase.h.

template<int StorageOrder, typename RealScalar , typename Scalar , typename Index >
static void internal::tridiagonal_qr_step ( RealScalar diag,
RealScalar subdiag,
Index  start,
Index  end,
Scalar matrixQ,
Index  n 
) [static]

Definition at line 471 of file SelfAdjointEigenSolver.h.

template<typename MatrixType , typename CoeffVectorType >
void internal::tridiagonalization_inplace ( MatrixType matA,
CoeffVectorType &  hCoeffs 
)

Definition at line 359 of file Tridiagonalization.h.

template<typename MatrixType , typename DiagonalType , typename SubDiagonalType >
void 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&)):

MatrixXd X = MatrixXd::Random(5,5);
MatrixXd A = X + X.transpose();
cout << "Here is a random symmetric 5x5 matrix:" << endl << A << endl << endl;

VectorXd diag(5);
VectorXd subdiag(4);
internal::tridiagonalization_inplace(A, diag, subdiag, true);
cout << "The orthogonal matrix Q is:" << endl << A << endl;
cout << "The diagonal of the tridiagonal matrix T is:" << endl << diag << endl;
cout << "The subdiagonal of the tridiagonal matrix T is:" << endl << subdiag << endl;

Output:

See also:
class Tridiagonalization

Definition at line 439 of file Tridiagonalization.h.


Variable Documentation

Definition at line 589 of file Eigen/src/Core/MathFunctions.h.

Packet16uc internal::p16uc_COMPLEX_IM = vec_sld((Packet16uc) vec_splat((Packet4ui)p16uc_FORWARD, 1), (Packet16uc) vec_splat((Packet4ui)p16uc_FORWARD, 3), 8) [static]

Definition at line 32 of file AltiVec/Complex.h.

Packet16uc internal::p16uc_COMPLEX_RE = vec_sld((Packet16uc) vec_splat((Packet4ui)p16uc_FORWARD, 0), (Packet16uc) vec_splat((Packet4ui)p16uc_FORWARD, 2), 8) [static]

Definition at line 31 of file AltiVec/Complex.h.

Definition at line 33 of file AltiVec/Complex.h.

Definition at line 34 of file AltiVec/Complex.h.

Packet16uc internal::p16uc_DUPLICATE = {0,1,2,3, 0,1,2,3, 4,5,6,7, 4,5,6,7} [static]

Definition at line 76 of file AltiVec/PacketMath.h.

Packet16uc internal::p16uc_FORWARD = vec_lvsl(0, (float*)0) [static]

Definition at line 75 of file AltiVec/PacketMath.h.

Packet16uc internal::p16uc_PSET_HI = (Packet16uc) vec_mergeh((Packet4ui) vec_splat((Packet4ui)p16uc_FORWARD, 0), (Packet4ui) vec_splat((Packet4ui)p16uc_FORWARD, 1)) [static]

Definition at line 35 of file AltiVec/Complex.h.

Packet16uc internal::p16uc_PSET_LO = (Packet16uc) vec_mergeh((Packet4ui) vec_splat((Packet4ui)p16uc_FORWARD, 2), (Packet4ui) vec_splat((Packet4ui)p16uc_FORWARD, 3)) [static]

Definition at line 36 of file AltiVec/Complex.h.

Packet16uc internal::p16uc_REVERSE = {12,13,14,15, 8,9,10,11, 4,5,6,7, 0,1,2,3} [static]

Definition at line 74 of file AltiVec/PacketMath.h.

uint32x2_t internal::p2ui_CONJ_XOR = { 0x00000000, 0x80000000 } [static]

Definition at line 31 of file NEON/Complex.h.

Packet4f internal::p4f_COUNTDOWN = { 3.0, 2.0, 1.0, 0.0 } [static]

Definition at line 72 of file AltiVec/PacketMath.h.

Packet4f internal::p4f_ONE = vec_ctf(p4i_ONE, 0) [static]

Definition at line 83 of file AltiVec/PacketMath.h.

Packet4f internal::p4f_ZERO_ = (Packet4f) vec_sl((Packet4ui)p4i_MINUS1, (Packet4ui)p4i_MINUS1) [static]

Definition at line 84 of file AltiVec/PacketMath.h.

Packet4i internal::p4i_COUNTDOWN = { 3, 2, 1, 0 } [static]

Definition at line 73 of file AltiVec/PacketMath.h.

static uint32x4_t internal::p4ui_CONJ_XOR = vec_mergeh((Packet4ui)p4i_ZERO, (Packet4ui)p4f_ZERO_) [static]

Definition at line 30 of file AltiVec/Complex.h.

Definition at line 603 of file Eigen/src/Core/MathFunctions.h.



re_vision
Author(s): Dorian Galvez-Lopez
autogenerated on Sun Jan 5 2014 11:34:31