SyTen
Class Hierarchy

Go to the graphical class hierarchy

This inheritance list is sorted roughly, but not completely, alphabetically:
[detail level 12345]
 C_Enum
 Csyten::IPEPSv2::A12OpIPEPSv2 operator representing a linear combination of an applied one-site operator and an applied two-site operator
 Csyten::MemoryUsage::AllocSize< T, U >AllocSize default implementation: Returns zero always
 Csyten::MemoryUsage::AllocSize< std::array< T, num >, MemorySize >AllocSize() specialisation for std::array
 Csyten::MemoryUsage::AllocSize< std::map< Key, Value >, MemorySize >AllocSize() specialisation for std::map
 Csyten::MemoryUsage::AllocSize< std::pair< T, U >, MemorySize >AllocSize() specialisation for std::pair
 Csyten::MemoryUsage::AllocSize< std::string, MemorySize >AllocSize() specialisation for std::string
 Csyten::MemoryUsage::AllocSize< std::unordered_map< Key, Value >, MemorySize >AllocSize() specialisation for std::map
 Csyten::MemoryUsage::AllocSize< std::variant< Types... >, MemorySize >AllocSize() specialisation for std::variant
 Csyten::MemoryUsage::AllocSize< std::vector< T >, MemorySize >AllocSize() specialisation for std::vector
 Csyten::MemoryUsage::AllocSize< T, decltype(std::declval< T >().allocSize())>AllocSize specialisation if the member function T::allocSize() exists
 Csyten::Optimization::Amoeba< Prober >
 Csyten::IPEPS::AOneOpA one-site operator acting on a single defined site
 Csyten::IPEPSv2::AOneOpIPEPSv2 single-site operator on a specific site
 Csyten::Krylov::TensorNetworksImpl::ApplyThenOrthoApplication policy which first applies the operator to the state using its operator() and then does orthogonalisation using the supplied orthonormalisation policy
 Csyten::Krylov::OrthoPolicies::ArithmeticArithmetic orthonormalisation
 Cstd::array< Ptr, NodeLegs > [external]
 Cstd::array< T, Sz > [external]
 Carray_caster
 Csyten::AsyncCached< Type >An asynchronous caching data wrapper
 Csyten::AsyncCached< std::vector< syten::Tensor< 2 > > >
 Csyten::AsyncCached< std::vector< syten::Tensor< 3 > > >
 Csyten::AsyncCached< STensor >
 Csyten::AsyncCached< syten::STensorImpl::STensor >
 Csyten::AsyncCached< syten::Tensor< 3 > >
 Csyten::IPEPS::ATwoOpTwo-site gate acting on two defined sites
 Csyten::IPEPSv2::ATwoOpIPEPSv2 two-site operator on two specific sites
 Csyten::STensorImpl::STensor::AutodiffRenewReturnSimple helper struct returned by STensor::get_and_renew_autodiff() and STensorProxy::get_and_renew_autodiff()
 Csyten::Bitset< sz >Bitset class directly convertible to boolean
 Csyten::Bitset< 2 >
 Csyten::MPS::OperatorApplicators::BondContraction scheme of bond for TDVP
 Csyten::T3N::Contraction::Bond
 Csyten::GridImpl::BondGrid< T >A two-dimensional storage class with two backing grids
 Csyten::GridImpl::BondGrid< SRDef >
 Csyten::GridImpl::BondGrid< syten::STensorImpl::SBasisId >
 Csyten::Cached< Type >Caching/cached type
 Csyten::Cached< std::vector< syten::Tensor< 2 > > >
 Csyten::Cached< std::vector< syten::Tensor< 3 > > >
 Csyten::Cached< syten::Tensor< 2 > >
 Csyten::Cached< syten::Tensor< 3 > >
 Csyten::Cached< syten::Tensor< 4 > >
 Csyten::Krylov::ClassicImpl::Classic< Matrix, Vector, Solver, Ortho >The ClassicKrylov struct encapsulates the Lanczos algorithm. Template Parameters are:
 Cboost::iostreams::closable_tag
 Csyten::LZ4::Comp_SymFilterCompressing symmetric filter, used by boost::iostreams::symmetric_filter<>
 Csyten::STensorImpl::Autodiff::ComputeNodeDescribes an individual function call as part of a computation
 Csyten::MPS::TEBD::ConfProgramm configuration
 Csyten::TDVP::ConfConfiguration for a TDVP run
 Csyten::VariationalAdd::Conf
 Csyten::EnergyTruncation::Config
 Csyten::SpanImpl::ConstSpan< T >ConstSpan is a non-owning constant reference to a continuous array of objects
 Csyten::MPS::SymConv::SU2::Converter_SU2U1Converter class
 Csyten::IPEPSv2::CornerTransferMatrixIPEPSv2 corner transfer matrix representation
 Csyten::CtorTesterA test object to check that no unnecessary copy operations have taken place
 Csyten::Cuda::CudaAllocatorCuda allocator class, uses the buddy system
 Csyten::Cuda::CudaConstSpan< T >CudaConstSpan is a non-owning constant reference to a continuous array of objects in CUDA storage
 Csyten::CudaDenseTensorImpl::CudaDenseTensor< rank, Scalar >A dense tensor using CUDA for storage and computing if SYTEN_USE_CUDA is defined
 Csyten::Cuda::CudaDynArray< Type >The CUDA-equivalent of DynArray
 Csyten::Cuda::CudaDynArray< SDef >
 Csyten::Cuda::CudaMutSpan< T >CudaMutSpan is a non-owning reference to a continuous array of objects in CUDA storage which can be mutated through the span
 Csyten::Cuda::CudaPtr< T >Implementation for syten::CudaPtr
 Csyten::Cuda::CudaPtr< const T >
 Csyten::Cuda::CudaPtr< SDef >
 Csyten::Cuda::CudaPtr< Type >
 Csyten::Cuda::CudaStreamImplementation for syten::CudaStream
 Ccukrn_transpose_arrayArray carrying the permutation and dimensions into the kernels
 Csyten::TensorTimer::DataPointA timed tensor product data point
 Cstd::decay_t
 Csyten::LZ4::Decomp_SymFilterDecompressing symmetric filter, used by boost::iostreams::symmetric_filter<>
 Csyten::DenseEigensolver::DenseEigensolverBase< Type >Dense nonsymmetric eigensolver, nonfunctional templated inheritance base
 Csyten::DenseEigensolver::DenseEigensolverBase< double >
 Csyten::DenseEigensolver::DenseEigensolverBase< float >
 Csyten::DenseEigensolver::DenseEigensolverBase< Scalar >
 Csyten::DenseEigensolver::DenseEigensolverBase< std::complex< double > >
 Csyten::DenseEigensolver::DenseEigensolverBase< std::complex< float > >
 Csyten::DenseIter< rank >Iterator over a single dense tensor-like object
 Csyten::DenseIterDual< rank >Iterator over a dense tensor-like object with a secondary index running
 Csyten::DenseIterRestricted< rank >Restricted iterator
 Csyten::QR::DenseQRBase< Type >Dense QR decomposition, nonfunctional templated inheritance base
 Csyten::QR::DenseQRBase< double >
 Csyten::QR::DenseQRBase< float >
 Csyten::QR::DenseQRBase< Scalar >
 Csyten::QR::DenseQRBase< std::complex< double > >
 Csyten::QR::DenseQRBase< std::complex< float > >
 Csyten::SVD::DenseSVDBase< Type >Dense singular value decomposition, nonfunctional templated inheritance base
 Csyten::SVD::DenseSVDBase< double >
 Csyten::SVD::DenseSVDBase< float >
 Csyten::SVD::DenseSVDBase< Scalar >
 Csyten::SVD::DenseSVDBase< std::complex< double > >
 Csyten::SVD::DenseSVDBase< std::complex< float > >
 Csyten::DenseEigensolver::DenseSymEigensolverBase< Type >Dense symmetric eigensolver, nonfunctional templated inheritance base
 Csyten::DenseEigensolver::DenseSymEigensolverBase< double >
 Csyten::DenseEigensolver::DenseSymEigensolverBase< float >
 Csyten::DenseEigensolver::DenseSymEigensolverBase< Scalar >
 Csyten::DenseEigensolver::DenseSymEigensolverBase< std::complex< double > >
 Csyten::DenseEigensolver::DenseSymEigensolverBase< std::complex< float > >
 Csyten::DenseTensor< rank, Scalar >Dense tensor class
 Csyten::DenseTensor< 1, Scalar >
 Csyten::DenseTensor< 1, SDef >
 Csyten::DenseTensor< 1, typename syten::ScalarBase< Scalar >::type >
 Csyten::DenseTensor< 2 >
 Csyten::DenseTensor< 2, Scalar >
 Csyten::DenseTensor< 2, SDef >
 Csyten::DenseTensor< 2, SRDef >
 Csyten::DenseTensor< 4, SDef >
 Csyten::DenseTensor< rank_a, Scalar >
 Csyten::DenseTensor< rank_b, Scalar >
 Csyten::IPEPS::State::DLEntryAn element of the double layer, containing one splitting and one fusing tensor
 Csyten::DMRG::DMRGConfigConfiguration for an entire DMRG run
 Csyten::DMRG::DMRGStageConfiguration for a single DMRG stage
 Cboost::iostreams::dual_use
 Csyten::DynArray< Type >"Light" version of std::vector that supports malloc() allocation
 Csyten::DynArray< char >
 Csyten::DynArray< Scalar >
 Csyten::DynArray< SDef >
 Csyten::DynArray< SRDef >
 Csyten::DynArray< typename syten::ScalarBase< Scalar >::type >
 Csyten::Krylov::SolverPolicies::EigenPolicy class to solve a Krylov subspace problem to get the lowest-eigenvalue eigenvector
 Csyten::Krylov::ClassicImpl::EigenSolver< Solver >The EigenSolver struct solves matrices for their eigenvalues and eigenvectors
 Csyten::Krylov::Evolution::GreedyHeuristic< Solver, Clock >::ElementElement of the computational history
 Csyten::EnergyTruncation::EnergyTruncationPolicy
 Csyten::EnergyTruncation::EnergyTruncator< StateType, OpType >
 Csyten::EnergyTruncation::EnergyTruncator< MPS::State, std::vector< MPS::Operator > >
 Csyten::EnergyTruncation::EnergyTruncator< T3N::State, std::vector< T3N::Operator > >
 Csyten::EnergyTruncation::EnergyWindow
 Csyten::TDVP::ErrorsA struct containing all the errors made
 Csyten::EternalAllocator< Type >STL-compatible allocator using le_malloc()
 Cpyten.mphelpers.fin_temp.tebd.EvolutionOp
 Csyten::MPS::SwappableTEBD::EvolutionPairA pair of MPO components representing an exponentiated hermitian MPO
 Csyten::Krylov::Evolution::Evolver< Solver >Base class from which different heuristics inherit
 Csyten::Krylov::Evolution::Evolver< EvolverSolver >
 Cstd::exception [external]STL class
 Csyten::Krylov::SolverPolicies::ExponentialPolicy class to solve the Krylov problem and calculate \( \mathrm{exp}(t H) |\psi\rangle \) given a Krylov space, a timestep t and if necessary an initial norm
 Csyten::Krylov::ClassicImpl::ExponentialSolver< Solver >The ExponentialSolver struct solves exp(prefactor*mat)*vec
 Cstd::false_type [external]
 Csyten::T3N::Lat::SU2U1::FermiHubbardRepsHelper struct containing all Fermi Hubbard information
 Csyten::T3N::Lat::U1U1::FermiHubbardRepsHelper struct in order to create different types of Fermi-Hubbard lattices
 Cboost::iostreams::filter_tag
 Csyten::FmtUsed by the logging infrastructure to indicate that the first argument is a format string and a newline should be added automatically
 Csyten::FmtNNUsed by the logging infrastructure to indicate that the first argument is a format string and no newline should be added automatically
 Csyten::IPEPS::FullCTMRepresents the full CTM surrounding the entire unit cell
 Csyten::SparseTensor< rank, Scalar >::FullDataStruct holding the data for a full, non-singleton sparse tensors
 Csyten::IPEPSv2::FullUpdateReturnHelper struct containing the return value of a (fast) full update step
 Csyten::GenericDenseTensorImpl::GenericDenseTensor< rank, Scalar >Implementation for syten::GenericDenseTensor
 Csyten::GenericDenseTensorImpl::GenericDenseTensor< rank, SDef >
 Csyten::GridImpl::Grid< T >A two-dimensional storage class for objects centered on the vertices of a 2d square lattice
 Csyten::GridImpl::Grid< SRDef >
 Csyten::GridImpl::Grid< syten::STensorImpl::SBasisId >
 Csyten::GridImpl::Grid< syten::STensorImpl::STensor >
 Csyten::IPEPSv2::CornerTransferMatrix::GrowthResultHelper struct representing the result of a growth step
 Csyten::DMRG::GSEConfConfiguration for subspace expansion
 Csyten::TDVP::GSEConfConfiguration for subspace expansion
 Csyten::HalfInteger< Base >Half-Integers
 Csyten::MPS::SwappableTEBD::HamiltonianSummandA single Hermitian part of a MPO
 Csyten::Cuda::HandleRepresents a cublasHandle_t object which may or may not be in use
 Csyten::Cuda::HandleBoxRAII wrapper around a handle, putting it out of use on destruction
 Cstd::hash< syten::HalfInteger< Base > >Specialisation for HalfInteger<>
 Cstd::hash< syten::Rep >Specialisation for Rep
 Cstd::hash< syten::Sector >Specialisation for Sector
 Csyten::Krylov::TensorNetworksImpl::HEffDenseExpectationPolicy class which takes the full matrix and the set of Krylov vectors and calculates the dense effective projected matrix
 CHEffPolicy
 Csyten::Krylov::TensorNetworksImpl::HEffTridiagExpectationPolicy class which takes the full matrix and the set of Krylov vectors and calculates the tridiagonal effective projected matrix
 Csyten::HighPrecHigh-precision data type to be used for Clebsch-Gordan coefficients etc
 Csyten::HistoryElementA single history record
 Csyten::IPEPS::Horz2CTMA horizontal two-site environment consisting of six tensors surrounding those on two neighbouring sites
 Csyten::IdentityDenseTensorImpl::IdentityDenseTensor< rank, Scalar >Implementation for syten::IdentityDenseTensor
 Csyten::IdentityType< Type >Identity type template to hinder type deduction
 CImpl1
 CImpl2
 Csyten::Krylov::ClassicImpl::Detail::InnerProduct< Vecs >The InnerProduct struct is a functor computing the inner product of the stored vector with a given vector
 Csyten::Krylov::ClassicImpl::OrthoMat< Lanczos >::InnerProductHelperThe InnerProductHelper struct provides access to the orthonormalized vectors (in a sense)
 Csyten::InsertBase< Type >Helper class
 Csyten::InsertBase< double >
 Csyten::InsertBase< float >
 Csyten::InsertBase< std::complex< double > >
 Csyten::InsertBase< std::complex< float > >
 CQCToolkit::Integral
 Cstd::integral_constant< bool, true > [external]
 Cstd::integral_constant< bool,(std::is_arithmetic< T >::value||std::is_arithmetic< ScalarBase< T >::type >::value)> [external]
 Csyten::T3N::BasisTransformation::InverseMapSorter
 Cstd::ios_base [external]STL class
 CIt
 Csyten::IterativeConfigConfiguration for an iterative eigensolver or exponential algorithm
 Csyten::IterativeExitExit description for an iterative algorithm
 Csyten::Krylov::KrylovEvolver< OrthoMode, StateType, OpType >Helper class to model a Krylov time evolution
 Csyten::IPEPS::LatticeAn IPEPS lattice
 Csyten::IPEPSv2::LatticeIPEPSv2 lattice, storing one-site operators as well as sum and product operators and generating applied operators on-the-fly
 Csyten::MPS::LatticeStores a physical lattice and associated operators and bases
 Csyten::T3N::LatticeT3N lattice
 Csyten::MPS::DMRG::LBOPDMRGOne run of a MP-DMRG algorithm, parallelised if requested
 Csyten::MPS::LBOStateMatrix-product state with local basis optimisation (see Florian Dorfner's thesis)
 Csyten::MPS::DMRG::LBOWorkerOne worker in a MP-DMRG calculation
 Csyten::MPS::TDVP::LBOWorkerWorker for LBO-TDVP
 Csyten::LimVec< Type, max, MaxType, type >‘Limited’ vector, wrapper around std::array<> which keeps track of its current size
 Csyten::LimVec< char, 9 >
 Csyten::LimVec< Rep, SYTEN_MAX_SYM, unsigned char >
 Clist_caster
 Csyten::MPS::OperatorApplicators::LMWROptimal contraction sequence for d != 1
 Csyten::T3N::Contraction::LMWR
 Csyten::MPS::OperatorApplicators::LMWWRSequential multiplication of the MPO tensors
 Csyten::loadHelper class to load an object from a file, uses a struct to imitate return-value-based function overloading
 Csyten::MPS::OperatorApplicators::LWMRPre-computes the (LW) contraction and then only multiplies in M and R on each Lanczos step
 Csyten::T3N::Contraction::LWMR
 Csyten::MaximumType implicitly convertible to the maximum of all types for which a specialisation of std::numeric_limits has been defined
 Csyten::MemorySamplerStores memory sampling info, exists once as a static global object
 Csyten::MemoryUsage::MemorySizeA certain number of bytes, a simple wrapper around std::size_t
 Csyten::MPS::TEBD::MergeConfigConfig for merging two bases
 CQCDMRG::Model
 Csyten::MPS::BasisTransformation::ModeTransformationThe object that handles the transformation
 CQCDMRG::mpo_constructor
 CQCDMRG::mpo_descriptor
 CQCDMRG::mpo_tensor
 Csyten::EternalMalloc::MtxWrapperTo serve and protect
 Cboost::iostreams::multichar_tag
 Csyten::SpanImpl::MutSpan< T >MutSpan is a non-owning reference to a continuous array of objects which can be mutated through the span
 Csyten::T3N::MutualInformation
 Csyten::Krylov::NaiveExponential< Matrix, Vector >The plain exponential via application of the operator to the vector
 Csyten::MPS::TEBD::NodeNode that is responsible for one sublattice or single bond (which is a sublattice with length 1)
 Csyten::Krylov::OrthoPolicies::NoneDoes nothing when called to orthonormalise or orthogonalise()
 Csyten::NoNewUsed by the logging infrastructure to indicate that no newline should be printed after the output from the stream
 Csyten::Krylov::ClassicImpl::NoOrthoMat< Lanczos >The NoOrthoMat struct the default behaviour of Lanczos: do not orthonormalize at all
 Csyten::Krylov::ClassicImpl::NoOrthoMat< syten::Krylov::ClassicImpl::Classic >
 Csyten::NoPrefixUsed by the logging infrastructure to indicate that no prefix should be printed in front of the line
 Csyten::OffsetDenseTensorImpl::OffsetDenseTensor< rank, Scalar >Implementation for syten::OffsetDenseTensor
 Csyten::IPEPSv2::OneOpIPEPSv2 single-site operator not applied to any specific site
 CQCDMRG::OperatorTerm
 Cboost::iostreams::optimally_buffered_tag
 COrthoImpl
 Csyten::Krylov::ClassicImpl::OrthoMat< Lanczos >The OrthoMat struct implements an orthonormalization that is not 'in place' of the krylov vectors, but affects the Hamiltonian matrix <f|H|f> and thus optimizes for the number of additions see arxiv:1203.2523v3
 COrthoPolicy
 Cstd::pair< First, Second > [external]
 Cstd::pair< Rep, Index > [external]
 Cstd::pair< std::shared_ptr, std::size_t > [external]
 Cstd::pair< std::size_t, std::uint64_t > [external]
 Cstd::pair< syten::STensorImpl::STensor, syten::STensorImpl::SBasis > [external]
 CToolkit::pair_less< Pair, priorityPos >
 CQCDMRG::Params
 Csyten::MPS::DMRG::PDMRGOne run of a MP-DMRG algorithm, parallelised if requested
 Csyten::SVD::Pick_U_SV
 Csyten::SVD::Pick_US_V_
 CQCDMRG::pos_op_t
 Csyten::T3N::DMRG::PositionSince these usually belong together
 Csyten::T3N::VarationalTrunc::PositionPositions of different objects
 Cpyten.util.pptypes.pp_framework
 CQCDMRG::prempo_key_t
 Csyten::IPEPS::ProdOpRepresents a product of two-site gates acting on different sites, e.g
 Csyten::IPEPSv2::ProdOpIPEPSv2 operator representing a product of one- and two-site operators
 Csyten::MPS::TDVP::PTDVP< enable >Parallel TDVP run, containing TDVP workers executing the actual calculations
 Csyten::T3N::ProjectedPurification::PurifierHelper object to construct PP Lattice
 Csyten::MPS::QcLatticeGenerator
 Csyten::T3N::QcLatticeGenerator
 Csyten::MPS::RDMs::RDMAn abstract RDM, all RDMs inherit from here
 Csyten::T3N::RDMs::RDMAn abstract RDM, all RDMs inherit from here
 Csyten::EternalMalloc::RegionStruct representing one region of the eternal malloc pool
 Csyten::EternalMalloc::RegionsInitialiserHttps://en.wikibooks.org/wiki/More_C%2B%2B_Idioms/Nifty_Counter has a detailed explanation
 Csyten::T3N::BasisTransformation::ReorderingA class which does an entanglement based reordering
 Csyten::Krylov::ClassicImpl::ReorthoMat< Lanczos >The ReorthoMat struct provides orthonormalization in case the overlaps grow over SYTEN_SMALL_THRESHOLD
 Csyten::RepSingle irrep of a (physical) symmetry group
 Csyten::RepRegister::Decomp::RepRepOrdinalStruct used as key in decomposition cache
 Csyten::T3N::DMRG::RunOne run of T3N-DMRG
 Csyten::STensorImpl::SBasisA smart basis class
 Csyten::STensorImpl::SBasisIdIdentifier for a unique basis including its prime level
 Csyten::ScalarBase< Type >ScalarBase<>::type is the base type of a complex type and the type itself if the type is a real scalar
 Csyten::ScalarBase< Scalar >
 Csyten::ScalarBase< SDef >
 CSolverPolicy
 Csyten::SourceLocationDummy struct to stand in until the compiler supports the proper source location
 Csyten::SparseCoordComparator< rank >Comparator for the flatmap used by the Sparse tensor to compare elements
 Csyten::SparseTensor< rank, Scalar >Sparse tensor of specified rank and scalar type
 Csyten::MPS::Snapshots::Workspace::SSMStructure representing single-site measurement subspace-projector and eigenvalue as well as probability to measure outcome
 CQCDMRG::SSO
 Csyten::MPS::Lattice::SSOThe representation of a single-site operator
 CQCDMRG::sso_scale_t
 Csyten::MPS::SStateThe "smart" MPS needs to store both the local bases and the bond bases
 Csyten::MPS::ParseOperator::StackElementOne element of the parsing stack
 Csyten::MemoryUsage::StackSize< T, U >StackSize default implementation: Returns sizeof(T)
 Csyten::MemoryUsage::StackSize< T, decltype(std::declval< T >().stackSize())>StackSize specialisation if the member function T::stackSize() exists
 Csyten::IPEPS::FullUpdate::StageConfConfiguration of an IPEPS stage
 Csyten::Krylov::SolverPolicies::StandardImmediateSolveTag struct to signal to the Standard solver SolverPolicy sp_result() function that it will only be called once
 Csyten::Krylov::ClassicImpl::StandardMat< Lanczos >The StandardMat struct provides orthogonalisation via the standard orthogonalise() functionality specialisable for each class
 Csyten::IPEPS::StateRepresents an IPEPS state on a square lattice
 Csyten::IPEPSv2::StateIPEPSv2 State structure
 Csyten::MPS::StateMatrix Product State with automatic caching
 Csyten::Krylov::StateWrapper< StateT, TruncT >The StateWrapper class wraps a MPS/BTT-state to provide an interface complying to exponentialLanczos template
 Csyten::Krylov::StateWrapper< StateType >
 Csyten::STensorImpl::STensorImplementation for syten::STensor
 Csyten::STensorImpl::STensorProxyThe STensorProxy class is essentially a constant reference to another, pre-existing tensor
 Cstd::streambuf [external]
 CQCDMRG::SU2U1
 Csyten::IPEPS::SumOpRepresents a sum of two-site gates acting on different sites, e.g
 Csyten::IPEPSv2::SumOpIPEPSv2 operator representing a sum of one- and two-site operators
 Csyten::BasisTransformation::SwapGate
 Cboost::iostreams::symmetric_filter
 CQCToolkit::Symmetry
 Csyten::T3N::T3NTensorWrapper class for STensor & SBasis
 Csyten::DenseProduct::TemporaryTransposeStorage< Scalar, rank_a, rank_b >Temporary transpose storage class, used during tensor-tensor products
 Csyten::Tensor< rank >A single tensor, composed of a set of symmetry-protected blocks
 Csyten::Tensor< 0 >Dummy specialisation for zero-rank tensors
 Csyten::Tensor< 2 >
 Csyten::Tensor< 3 >
 Csyten::Tensor< 4 >
 Csyten::Tensor< 5 >
 Csyten::Tensor< 6 >
 Csyten::TensorBlock< rank >Represents one symmetry-protected block of a full tensor
 Csyten::TensorInfoStorageSumData structure holding summarised storage information for a single tensor
 Csyten::TimeOnlyStringShift a default-constructed object of this type into a stream to call shiftTime(,true) on the stream, resulting in output HH:MM:SS
 Csyten::TimerA simple timing class, shift into an ostream for results
 Csyten::TensorTimer::TimerSentinelPrinterA sentinel class which prints the collected timer data on destruction
 Csyten::TimeStringShift a default-constructed object of this type into a stream to call shiftTime() on the stream, resulting in output yyyy.mm.ddTHH:MM:SS.uuu <CPU Time>
 Csyten::MemoryUsage::TotalSize< T, U >TotalSize default implementation: Returns stackSize(obj) + allocSize(obj)
 Csyten::MemoryUsage::TotalSize< T, decltype(std::declval< T >().totalSize())>TotalSize specialisation if the member function T::totalSize() exists
 Csyten::MPS::TEBD::TpoWrapperTEBD parallel operator wrapper
 Csyten::MPS::TEBD::TpsWrapperTEBD parallel state wrapper
 Csyten::BasisTransformation::TrafoConfCollects all parameters
 Cboost::serialization::traits
 Csyten::T3N::Tree::Tree< T >
 Csyten::T3N::Tree::Tree< AsyncCached< STensor > >
 Csyten::T3N::Tree::Tree< Index >
 Csyten::T3N::Tree::Tree< SBasisId >
 Csyten::T3N::Tree::Tree< T3NTensor >
 Csyten::T3N::Tree::Tree< Vec< T3NTensor > >
 Cstd::true_type [external]
 Csyten::TruncationTruncation specification
 Csyten::Krylov::OrthoPolicies::TwoSiteVariationalTwo-site variational orthonormalisation
 CType
 CQCDMRG::U1U1
 Cstd::unordered_map< Sector, Index > [external]
 Csyten::IPEPSv2::UpdateStageConfiguration for an iPEPSv2 update stage
 Csyten::Krylov::TensorNetworksImpl::VarApplyOrthoApplication policy which uses apply_op_orthogonalise_fit() to apply the operator and orthogonalise immediately
 Csyten::T3N::VarationalTruncHelper to variationally truncate a T3NS
 Csyten::Krylov::OrthoPolicies::VariationalVariational orthonormalisation
 Cstd::vector< T > [external]STL class
 Cstd::vector< HistoryElement > [external]
 Cstd::vector< Index > [external]
 Cstd::vector< LegType > [external]
 Cstd::vector< Pair< Rep, Index > > [external]
 Cstd::vector< Rep > [external]
 Cstd::vector< SRDef > [external]
 Cstd::vector< sso_scale_t > [external]
 Cstd::vector< std::int8_t > [external]
 Cstd::vector< std::pair< Index, Sector > > [external]
 Cstd::vector< std::reference_wrapper< syten::T3N::T3NTensor const > > [external]
 Cstd::vector< std::string > [external]
 Cstd::vector< std::tuple< std::string, std::size_t, std::size_t > > [external]
 Cstd::vector< std::uint32_t > [external]
 Cstd::vector< std::uint64_t > [external]
 Cstd::vector< std::uint8_t > [external]
 Cstd::vector< std::variant< syten::IPEPSv2::AOneOp, syten::IPEPSv2::ATwoOp > > [external]
 Cstd::vector< std::variant< syten::IPEPSv2::AOneOp, syten::IPEPSv2::ATwoOp, syten::IPEPSv2::A12Op > > [external]
 Cstd::vector< syten::AsyncCached< syten::STensorImpl::STensor > > [external]
 Cstd::vector< syten::Basis > [external]
 Cstd::vector< syten::Cached< syten::Tensor< 3 > > > [external]
 Cstd::vector< syten::DenseTensor< 2 > > [external]
 Cstd::vector< syten::DenseTensor< 2, SDef > > [external]
 Cstd::vector< syten::DenseTensor< 4, SDef > > [external]
 Cstd::vector< syten::Krylov::StateWrapper< StateType > > [external]
 Cstd::vector< syten::LimVec< char, 9 > > [external]
 Cstd::vector< syten::Pair< std::shared_ptr, std::size_t > > [external]
 Cstd::vector< syten::Pair< syten::STensorImpl::STensor, syten::STensorImpl::SBasis > > [external]
 Cstd::vector< syten::STensorImpl::SBasis > [external]
 Cstd::vector< syten::STensorImpl::SBasisId > [external]
 Cstd::vector< syten::STensorImpl::STensor > [external]
 Cstd::vector< syten::T3N::Operator > [external]
 Cstd::vector< syten::T3N::State > [external]
 Cstd::vector< syten::T3N::T3NTensor > [external]
 Cstd::vector< syten::Tensor< 2 > > [external]
 Cstd::vector< Tensor< 4 > > [external]
 Cstd::vector< typename Solver::Vector_type > [external]
 Cstd::vector< void * > [external]
 Csyten::IPEPS::Vert2CTMA vertical two-site environment consisting of six tensors surrounding those on two neighbouring sites
 Csyten::T3N::Contraction::WAMBR
 Csyten::MPS::DMRG::WorkerOne worker in a MP-DMRG calculation
 Csyten::MPS::TDVP::WorkerTDVP worker
 Csyten::T3N::TDVP::WorkerTDVP worker
 Csyten::MPS::Snapshots::WorkspaceWorkspace object for taking snapshots from matrix-product State
 Csyten::MPS::VariationalAdd::Workspace< StateIteratorType, ScalarIteratorType >
 CWorkspace
 Csyten::YesNo< T >A base template for all sorts of typefull boolean flags, to be used more in the future
 Csyten::YesNo< struct _autodiffrescale >
 Csyten::YesNo< struct _prod_conj >