►C_Enum | |
Cpyten.util.pptypes.Generator | |
Csyten::IPEPSv2::A12Op | IPEPSv2 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::AOneOp | A one-site operator acting on a single defined site |
Csyten::IPEPSv2::AOneOp | IPEPSv2 single-site operator on a specific site |
Csyten::Krylov::TensorNetworksImpl::ApplyThenOrtho | Application policy which first applies the operator to the state using its operator() and then does orthogonalisation using the supplied orthonormalisation policy |
Csyten::Krylov::OrthoPolicies::Arithmetic | Arithmetic orthonormalisation |
►Cstd::array< Ptr, NodeLegs > [external] | |
Csyten::T3N::Tree::Node< T >::LegArray | Proxy object for Legs |
►Cstd::array< T, Sz > [external] | |
►Csyten::ArrayImpl::Array< T, Sz > | A thin wrapper around std::array with some extra bells and whistles |
Csyten::GridImpl::Coord | Use two integers as coordinates into the grid |
►Carray_caster | |
Ctype_caster< syten::Array< Type, Size > > | |
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::ATwoOp | Two-site gate acting on two defined sites |
Csyten::IPEPSv2::ATwoOp | IPEPSv2 two-site operator on two specific sites |
Csyten::STensorImpl::STensor::AutodiffRenewReturn | Simple 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::LBOState::Local | Flagged enum denoting which of the current site tensors is of relevance |
Csyten::MPS::OperatorApplicators::Bond | Contraction 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::Compressor::category | |
Csyten::LZ4::Decompressor::category | |
Csyten::LZ4::Comp_SymFilter | Compressing symmetric filter, used by boost::iostreams::symmetric_filter<> |
Csyten::STensorImpl::Autodiff::ComputeNode | Describes an individual function call as part of a computation |
Csyten::MPS::TEBD::Conf | Programm configuration |
Csyten::TDVP::Conf | Configuration 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_SU2U1 | Converter class |
Csyten::IPEPSv2::CornerTransferMatrix | IPEPSv2 corner transfer matrix representation |
Csyten::CtorTester | A test object to check that no unnecessary copy operations have taken place |
Csyten::Cuda::CudaAllocator | Cuda 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::CudaStream | Implementation for syten::CudaStream |
Ccukrn_transpose_array | Array carrying the permutation and dimensions into the kernels |
Csyten::TensorTimer::DataPoint | A timed tensor product data point |
►Cstd::decay_t | |
Csyten::Krylov::OperatorWrapper< OpType > | |
Csyten::Krylov::OperatorWrapper< Op > | The OperatorWrapper class wraps a MPS/BTT operator, providing an interface complying to the exponentialLanczos template |
Csyten::LZ4::Decomp_SymFilter | Decompressing 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::DenseEigensolver< double > | Dense nonsymmetric eigensolver, specialisation for doubles |
►Csyten::DenseEigensolver::DenseEigensolverBase< float > | |
Csyten::DenseEigensolver::DenseEigensolver< float > | Dense nonsymmetric eigensolver, specialisation for floats |
►Csyten::DenseEigensolver::DenseEigensolverBase< Scalar > | |
Csyten::DenseEigensolver::DenseEigensolver< Scalar > | Dense nonsymmetric eigensolver, nonfunctional template base |
►Csyten::DenseEigensolver::DenseEigensolverBase< std::complex< double > > | |
Csyten::DenseEigensolver::DenseEigensolver< std::complex< double > > | Dense nonsymmetric eigensolver, specialisation for complex doubles |
►Csyten::DenseEigensolver::DenseEigensolverBase< std::complex< float > > | |
Csyten::DenseEigensolver::DenseEigensolver< std::complex< float > > | Dense nonsymmetric eigensolver, specialisation for complex floats |
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::DenseQR< double > | Dense QR decomposition, specialisation for doubles |
►Csyten::QR::DenseQRBase< float > | |
Csyten::QR::DenseQR< float > | Dense QR decomposition, specialisation for floats |
►Csyten::QR::DenseQRBase< Scalar > | |
Csyten::QR::DenseQR< Scalar > | Dense QR decomposition, nonfunctional template base |
►Csyten::QR::DenseQRBase< std::complex< double > > | |
Csyten::QR::DenseQR< std::complex< double > > | Dense QR decomposition, specialisation for complex doubles |
►Csyten::QR::DenseQRBase< std::complex< float > > | |
Csyten::QR::DenseQR< std::complex< float > > | Dense QR decomposition, specialisation for complex floats |
Csyten::SVD::DenseSVDBase< Type > | Dense singular value decomposition, nonfunctional templated inheritance base |
►Csyten::SVD::DenseSVDBase< double > | |
Csyten::SVD::DenseSVD< double > | Dense singular value decomposition, specialisation for doubles |
►Csyten::SVD::DenseSVDBase< float > | |
Csyten::SVD::DenseSVD< float > | Dense singular value decomposition, specialisation for doubles |
►Csyten::SVD::DenseSVDBase< Scalar > | |
Csyten::SVD::DenseSVD< Scalar > | Dense singular value decomposition, nonfunctional template base |
►Csyten::SVD::DenseSVDBase< std::complex< double > > | |
Csyten::SVD::DenseSVD< std::complex< double > > | Dense singular value decomposition, specialisation for complex doubles |
►Csyten::SVD::DenseSVDBase< std::complex< float > > | |
Csyten::SVD::DenseSVD< std::complex< float > > | Dense singular value decomposition, specialisation for doubles |
Csyten::DenseEigensolver::DenseSymEigensolverBase< Type > | Dense symmetric eigensolver, nonfunctional templated inheritance base |
►Csyten::DenseEigensolver::DenseSymEigensolverBase< double > | |
Csyten::DenseEigensolver::DenseSymEigensolver< double > | Dense symmetric eigensolver, specialisation for doubles |
►Csyten::DenseEigensolver::DenseSymEigensolverBase< float > | |
Csyten::DenseEigensolver::DenseSymEigensolver< float > | Dense symmetric eigensolver, specialisation for floats |
►Csyten::DenseEigensolver::DenseSymEigensolverBase< Scalar > | |
Csyten::DenseEigensolver::DenseSymEigensolver< Scalar > | Dense symmetric eigensolver, nonfunctional template base |
►Csyten::DenseEigensolver::DenseSymEigensolverBase< std::complex< double > > | |
Csyten::DenseEigensolver::DenseSymEigensolver< std::complex< double > > | Dense symmetric eigensolver, specialisation for complex doubles |
►Csyten::DenseEigensolver::DenseSymEigensolverBase< std::complex< float > > | |
Csyten::DenseEigensolver::DenseSymEigensolver< std::complex< float > > | Dense symmetric eigensolver, specialisation for complex floats |
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::DLEntry | An element of the double layer, containing one splitting and one fusing tensor |
Csyten::DMRG::DMRGConfig | Configuration for an entire DMRG run |
Csyten::DMRG::DMRGStage | Configuration for a single DMRG stage |
►Cboost::iostreams::dual_use | |
Csyten::LZ4::Compressor::category | |
Csyten::LZ4::Decompressor::category | |
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::Eigen | Policy 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 >::Element | Element of the computational history |
►Csyten::EnergyTruncation::EnergyTruncationPolicy | |
Csyten::EnergyTruncation::Standard< Matrix, Vector, OrthoPolicy, EnergyTruncationPolicy > | The "EnergyTruncation" method (see |
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::Errors | A struct containing all the errors made |
Csyten::EternalAllocator< Type > | STL-compatible allocator using le_malloc() |
Cpyten.mphelpers.fin_temp.tebd.EvolutionOp | |
Csyten::MPS::SwappableTEBD::EvolutionPair | A pair of MPO components representing an exponentiated hermitian MPO |
►Csyten::Krylov::Evolution::Evolver< Solver > | Base class from which different heuristics inherit |
Csyten::Krylov::Evolution::AlwaysHeuristic< Solver > | Heuristic which always recycles |
Csyten::Krylov::Evolution::ConcaveHeuristic< Solver > | Concavity assumption: Number of vectors needed for the next step is at most as large as the number of vectors needed for the previous step |
►Csyten::Krylov::Evolution::GreedyHeuristic< Solver, Clock > | Heuristic which takes into account the time to build a new Krylov vector compared to the time to build an entire new subspace |
Csyten::Krylov::Evolution::ExtrapolatingHeuristic< Solver > | The ExtrapolatingHeuristic class tries to extrapolate the number of timesteps that can be taken with one more Krylov vector and the runtime for adding this vector, and compares both to building a new Krylov space from scratch |
Csyten::Krylov::Evolution::NearlyAlwaysRecycleHeuristic< Solver > | Recycles unless we reached the maximal Krylov subspace |
►Csyten::Krylov::Evolution::Evolver< EvolverSolver > | |
►Csyten::Krylov::Evolution::GreedyHeuristic< EvolverSolver > | |
Csyten::Krylov::Evolution::ExtrapolatingHeuristic< EvolverSolver > | |
►Cstd::exception [external] | STL class |
►Cstd::ios_base::failure [external] | STL class |
Csyten::LZ4::CompressionFailure | Exception thrown if compression failed for some reason |
Csyten::LZ4::DecompressionFailure | Exception thrown if decompression failed for some reason |
Csyten::LZ4::InvalidRange | Exception thrown if the range supplied by boost for input/output buffers is invalid |
Csyten::LZ4::NotLZ4Stream | Exception thrown if the magic number of a compressed block does not match LZ4::magic |
►Cstd::logic_error [external] | STL class |
►Cstd::out_of_range [external] | STL class |
Csyten::SQL::Helpers::InvalidCoordinate | Thrown if an invalid coordinate is passed into a mapping function |
Csyten::Excp::UnnormalisableZero | |
►Cstd::runtime_error [external] | STL class |
Csyten::Excp::InsufficientMaxDeg | Exception thrown if the compile-time value of SYTEN_MAX_DEG is insufficient |
Csyten::Excp::InsufficientMaxSym | Exception thrown if the compile-time value of SYTEN_MAX_SYM is insufficient |
Csyten::Excp::NoSuchFile | Thrown if a file to be opened does not exist |
Csyten::Excp::OutdatedFile | Thrown if a file with a version different from the version of the toolkit is read |
Csyten::Excp::ReadParseError | Thrown if an error occurs during the parsing with write() |
Csyten::Excp::UnexpectedFile | Throw this exception if the UUID of a file does not match your expectations |
Csyten::Krylov::ClassicImpl::KrylovError | Thrown on serious errors encountered in Krylov which do not allow returning an even approximate result |
Csyten::LapackException | Thrown if a LAPACKE function returns non-zero |
Csyten::MPS::Lattice::UndefinedOperator | Thrown when an undefined operator is requested via MPS::Operator::get() |
Csyten::MPS::ParseOperator::InvalidExpression | Thrown when an invalid expression is encountered during MPS::Operator parsing |
Csyten::MPS::ParseOperator::NotDefinition | Thrown when parse() gets a string that is not an operator definition of the form A:O |
Csyten::Tensor< 0 >::Undefined | Exception to be thrown if this class is used improperly in place of a normal-rank tensor |
►Csyten::Krylov::SolverPolicies::Exponential | Policy 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::SolverPolicies::ExponentialFineOverlap | Exponential solver which also calculates a fine grid of overlaps for every time step taken |
Csyten::Krylov::ClassicImpl::ExponentialSolver< Solver > | The ExponentialSolver struct solves exp(prefactor*mat)*vec |
►Cstd::false_type [external] | |
Cis_not_streamcontrol_impl< std::decay_t< decltype(std::scientific)> > | Implementation helper: False for std::scientific |
Cis_not_streamcontrol_impl< std::decay_t< decltype(std::setprecision(1))> > | Implementation helper: False for std::setprecision |
Cis_not_streamcontrol_impl< std::decay_t< decltype(std::setw(1))> > | Implementation helper: False for std::setw() |
Csyten::requires_inmemory_rump_during_cache< T > | Specialise this class template for any types which require special treatment during caching |
Csyten::T3N::Lat::SU2U1::FermiHubbardReps | Helper struct containing all Fermi Hubbard information |
Csyten::T3N::Lat::U1U1::FermiHubbardReps | Helper struct in order to create different types of Fermi-Hubbard lattices |
►Cboost::iostreams::filter_tag | |
Csyten::LZ4::Compressor::category | |
Csyten::LZ4::Decompressor::category | |
Csyten::Fmt | Used by the logging infrastructure to indicate that the first argument is a format string and a newline should be added automatically |
Csyten::FmtNN | Used by the logging infrastructure to indicate that the first argument is a format string and no newline should be added automatically |
Csyten::IPEPS::FullCTM | Represents the full CTM surrounding the entire unit cell |
Csyten::SparseTensor< rank, Scalar >::FullData | Struct holding the data for a full, non-singleton sparse tensors |
Csyten::IPEPSv2::FullUpdateReturn | Helper 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::GrowthResult | Helper struct representing the result of a growth step |
Csyten::DMRG::GSEConf | Configuration for subspace expansion |
Csyten::TDVP::GSEConf | Configuration for subspace expansion |
Csyten::HalfInteger< Base > | Half-Integers |
Csyten::MPS::SwappableTEBD::HamiltonianSummand | A single Hermitian part of a MPO |
Csyten::Cuda::Handle | Represents a cublasHandle_t object which may or may not be in use |
Csyten::Cuda::HandleBox | RAII 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::HEffDenseExpectation | Policy class which takes the full matrix and the set of Krylov vectors and calculates the dense effective projected matrix |
►CHEffPolicy | |
Csyten::Krylov::TensorNetworks< Matrix, Vector, OrthoPolicy, HEffPolicy, SolverPolicy, ApplicationPolicy > | Krylov implementation optimised for tensor network applications where calculating \( x^T \cdot A \cdot y \) does not require a matrix-vector application |
Csyten::Krylov::TensorNetworksImpl::HEffTridiagExpectation | Policy class which takes the full matrix and the set of Krylov vectors and calculates the tridiagonal effective projected matrix |
Csyten::HighPrec | High-precision data type to be used for Clebsch-Gordan coefficients etc |
Csyten::HistoryElement | A single history record |
Csyten::IPEPS::Horz2CTM | A 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 | |
►Csyten::Krylov::OrthoPolicies::LastTwo< Impl1 > | |
Csyten::Krylov::OrthoPolicies::Combined< Impl1, Impl2 > | Uses two different implementations to first orthonormalise against the last two vectors of the orthogonalisation set and then against all vectors of that set |
►CImpl2 | |
►Csyten::Krylov::OrthoPolicies::Complete< Impl2 > | |
Csyten::Krylov::OrthoPolicies::Combined< Impl1, Impl2 > | Uses two different implementations to first orthonormalise against the last two vectors of the orthogonalisation set and then against all vectors of that set |
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 >::InnerProductHelper | The InnerProductHelper struct provides access to the orthonormalized vectors (in a sense) |
►Csyten::InsertBase< Type > | Helper class |
Csyten::InsertColumns< Type > | Helper class, basically empty, useful if one wants to also implement InsertRows |
►Csyten::InsertBase< double > | |
Csyten::InsertColumns< double > | Specialisation |
►Csyten::InsertBase< float > | |
Csyten::InsertColumns< float > | Specialisation |
►Csyten::InsertBase< std::complex< double > > | |
Csyten::InsertColumns< std::complex< double > > | Specialisation |
►Csyten::InsertBase< std::complex< float > > | |
Csyten::InsertColumns< std::complex< float > > | Specialisation |
CQCToolkit::Integral | |
►Cstd::integral_constant< bool, true > [external] | |
Csyten::is_number< HalfInteger< Base > > | |
Csyten::is_number< HighPrec > | Explicit instantiation that a HighPrec is a numeric type |
►Cstd::integral_constant< bool,(std::is_arithmetic< T >::value||std::is_arithmetic< ScalarBase< T >::type >::value)> [external] | |
Csyten::is_number< T > | Is_number<T>::value is true if T is a scalar type |
Csyten::T3N::BasisTransformation::InverseMapSorter | |
►Cstd::ios_base [external] | STL class |
►Cstd::basic_ios< char > [external] | |
►Cstd::basic_ostream< char > [external] | |
►Cstd::ostream [external] | STL class |
Csyten::NOut | The NOut struct is an ostream that does not output anything |
Cstd::basic_ios< Char > [external] | STL class |
►CIt | |
Csyten::ConvertingIterator< It, T, Pointer, Reference > | The ConvertingIterator is an iterator wrapper that converts its pointee to the desired type |
►Csyten::IterativeConfig | Configuration for an iterative eigensolver or exponential algorithm |
Csyten::Krylov::Evolution::Conf | The Conf struct stores info on how to evolve the state |
Csyten::IterativeExit | Exit description for an iterative algorithm |
Csyten::Krylov::KrylovEvolver< OrthoMode, StateType, OpType > | Helper class to model a Krylov time evolution |
Csyten::IPEPS::Lattice | An IPEPS lattice |
Csyten::IPEPSv2::Lattice | IPEPSv2 lattice, storing one-site operators as well as sum and product operators and generating applied operators on-the-fly |
Csyten::MPS::Lattice | Stores a physical lattice and associated operators and bases |
Csyten::T3N::Lattice | T3N lattice |
Csyten::MPS::DMRG::LBOPDMRG | One run of a MP-DMRG algorithm, parallelised if requested |
Csyten::MPS::LBOState | Matrix-product state with local basis optimisation (see Florian Dorfner's thesis) |
Csyten::MPS::DMRG::LBOWorker | One worker in a MP-DMRG calculation |
Csyten::MPS::TDVP::LBOWorker | Worker 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 | |
Ctype_caster< syten::Vec< Type > > | |
Csyten::MPS::OperatorApplicators::LMWR | Optimal contraction sequence for d != 1 |
Csyten::T3N::Contraction::LMWR | |
Csyten::MPS::OperatorApplicators::LMWWR | Sequential multiplication of the MPO tensors |
►Csyten::load | Helper class to load an object from a file, uses a struct to imitate return-value-based function overloading |
Csyten::loadCache | Shortcut to load("file",true) , delete supplied input file |
Csyten::loadCheckpoint | Loads file and deletes it from disk afterwards |
Csyten::loadInput | Shortcut to load("file",false) , don't delete input file |
Csyten::MPS::OperatorApplicators::LWMR | Pre-computes the (LW) contraction and then only multiplies in M and R on each Lanczos step |
Csyten::T3N::Contraction::LWMR | |
Csyten::Maximum | Type implicitly convertible to the maximum of all types for which a specialisation of std::numeric_limits has been defined |
Csyten::MemorySampler | Stores memory sampling info, exists once as a static global object |
Csyten::MemoryUsage::MemorySize | A certain number of bytes, a simple wrapper around std::size_t |
Csyten::MPS::TEBD::MergeConfig | Config for merging two bases |
CQCDMRG::Model | |
Csyten::MPS::BasisTransformation::ModeTransformation | The object that handles the transformation |
CQCDMRG::mpo_constructor | |
CQCDMRG::mpo_descriptor | |
CQCDMRG::mpo_tensor | |
Csyten::EternalMalloc::MtxWrapper | To serve and protect |
►Cboost::iostreams::multichar_tag | |
Csyten::LZ4::Compressor::category | |
Csyten::LZ4::Decompressor::category | |
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::Node | Node that is responsible for one sublattice or single bond (which is a sublattice with length 1) |
Csyten::Krylov::OrthoPolicies::None | Does nothing when called to orthonormalise or orthogonalise() |
Csyten::NoNew | Used 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::NoPrefix | Used 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::OneOp | IPEPSv2 single-site operator not applied to any specific site |
CQCDMRG::OperatorTerm | |
►Cboost::iostreams::optimally_buffered_tag | |
Csyten::LZ4::Compressor::category | |
Csyten::LZ4::Decompressor::category | |
►COrthoImpl | |
Csyten::Krylov::OrthoPolicies::AllButLast< OrthoImpl > | Orthogonalises only against the first N-2 vectors of the set of size N, i.e |
Csyten::Krylov::OrthoPolicies::Complete< OrthoImpl > | Completely orthogonalises the space using the specified OrthoImpl class method |
Csyten::Krylov::OrthoPolicies::LastTwo< OrthoImpl > | Orthogonalises only against the last two vectors of the orthogonalisation set |
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 | |
Csyten::EnergyTruncation::Standard< Matrix, Vector, OrthoPolicy, EnergyTruncationPolicy > | The "EnergyTruncation" method (see |
Csyten::Krylov::Standard< Matrix, Vector, OrthoPolicy, SolverPolicy > | The "Standard" Krylov method using the same solver and orthonormalisation policies as TensorNetworksKrylov but with the original Lanczos order |
Csyten::Krylov::TensorNetworks< Matrix, Vector, OrthoPolicy, HEffPolicy, SolverPolicy, ApplicationPolicy > | Krylov implementation optimised for tensor network applications where calculating \( x^T \cdot A \cdot y \) does not require a matrix-vector application |
►Cstd::pair< First, Second > [external] | |
Csyten::Pair< First, Second > | A proxy class for std::pair , intended to behave exactly the same but with ADL-supported operator overloading |
►Cstd::pair< Rep, Index > [external] | |
Csyten::Pair< Rep, Index > | |
►Cstd::pair< std::shared_ptr, std::size_t > [external] | |
Csyten::Pair< std::shared_ptr, std::size_t > | |
►Cstd::pair< std::size_t, std::uint64_t > [external] | |
Csyten::Pair< std::size_t, std::uint64_t > | |
►Cstd::pair< syten::STensorImpl::STensor, syten::STensorImpl::SBasis > [external] | |
Csyten::Pair< syten::STensorImpl::STensor, syten::STensorImpl::SBasis > | |
CToolkit::pair_less< Pair, priorityPos > | |
CQCDMRG::Params | |
Csyten::MPS::DMRG::PDMRG | One 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::Position | Since these usually belong together |
Csyten::T3N::VarationalTrunc::Position | Positions of different objects |
Cpyten.util.pptypes.pp_framework | |
CQCDMRG::prempo_key_t | |
Csyten::IPEPS::ProdOp | Represents a product of two-site gates acting on different sites, e.g |
Csyten::IPEPSv2::ProdOp | IPEPSv2 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::Purifier | Helper object to construct PP Lattice |
Csyten::MPS::QcLatticeGenerator | |
Csyten::T3N::QcLatticeGenerator | |
►Csyten::MPS::RDMs::RDM | An abstract RDM, all RDMs inherit from here |
Csyten::MPS::RDMs::OneParticleRDM | The helper class for the construction of the one particle reduced density matrix |
Csyten::MPS::RDMs::OrbRDM | The helper class for construction of the one orbital reduced density matrix |
Csyten::MPS::RDMs::TwoParticleRDM | The helper class for th construction of the two particle reduced density matrix |
►Csyten::T3N::RDMs::RDM | An abstract RDM, all RDMs inherit from here |
Csyten::T3N::RDMs::OneParticleRDM | The helper class for the construction of the one particle reduced density matrix |
Csyten::T3N::RDMs::OrbRDM | The helper class for construction of the one orbital reduced density matrix |
Csyten::EternalMalloc::Region | Struct representing one region of the eternal malloc pool |
Csyten::EternalMalloc::RegionsInitialiser | Https://en.wikibooks.org/wiki/More_C%2B%2B_Idioms/Nifty_Counter has a detailed explanation |
Csyten::T3N::BasisTransformation::Reordering | A 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::Rep | Single irrep of a (physical) symmetry group |
Csyten::RepRegister::Decomp::RepRepOrdinal | Struct used as key in decomposition cache |
Csyten::T3N::DMRG::Run | One run of T3N-DMRG |
Csyten::STensorImpl::SBasis | A smart basis class |
Csyten::STensorImpl::SBasisId | Identifier 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::Krylov::Standard< Matrix, Vector, OrthoPolicy, SolverPolicy > | The "Standard" Krylov method using the same solver and orthonormalisation policies as TensorNetworksKrylov but with the original Lanczos order |
Csyten::Krylov::TensorNetworks< Matrix, Vector, OrthoPolicy, HEffPolicy, SolverPolicy, ApplicationPolicy > | Krylov implementation optimised for tensor network applications where calculating \( x^T \cdot A \cdot y \) does not require a matrix-vector application |
Csyten::SourceLocation | Dummy 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::SSM | Structure representing single-site measurement subspace-projector and eigenvalue as well as probability to measure outcome |
CQCDMRG::SSO | |
Csyten::MPS::Lattice::SSO | The representation of a single-site operator |
CQCDMRG::sso_scale_t | |
Csyten::MPS::SState | The "smart" MPS needs to store both the local bases and the bond bases |
Csyten::MPS::ParseOperator::StackElement | One 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::StageConf | Configuration of an IPEPS stage |
Csyten::Krylov::SolverPolicies::StandardImmediateSolve | Tag 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::State | Represents an IPEPS state on a square lattice |
Csyten::IPEPSv2::State | IPEPSv2 State structure |
Csyten::MPS::State | Matrix 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::STensor | Implementation for syten::STensor |
Csyten::STensorImpl::STensorProxy | The STensorProxy class is essentially a constant reference to another, pre-existing tensor |
►Cstd::streambuf [external] | |
Csyten::NOut | The NOut struct is an ostream that does not output anything |
CQCDMRG::SU2U1 | |
Csyten::IPEPS::SumOp | Represents a sum of two-site gates acting on different sites, e.g |
Csyten::IPEPSv2::SumOp | IPEPSv2 operator representing a sum of one- and two-site operators |
Csyten::BasisTransformation::SwapGate | |
►Cboost::iostreams::symmetric_filter | |
Csyten::LZ4::Compressor | Boost iostream filter which compresses with the LZ4 algorithm |
Csyten::LZ4::Decompressor | Boost iostream filter which compresses with the LZ4 algorithm |
CQCToolkit::Symmetry | |
Csyten::T3N::T3NTensor | Wrapper 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::IPEPS::OneOp | A local operator acting on an undefined site |
Csyten::Tensor< 4 > | |
Csyten::Tensor< 5 > | |
Csyten::Tensor< 6 > | |
Csyten::TensorBlock< rank > | Represents one symmetry-protected block of a full tensor |
Csyten::TensorInfoStorageSum | Data structure holding summarised storage information for a single tensor |
Csyten::TimeOnlyString | Shift a default-constructed object of this type into a stream to call shiftTime(,true) on the stream, resulting in output HH:MM:SS |
Csyten::Timer | A simple timing class, shift into an ostream for results |
Csyten::TensorTimer::TimerSentinelPrinter | A sentinel class which prints the collected timer data on destruction |
Csyten::TimeString | Shift 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::TpoWrapper | TEBD parallel operator wrapper |
Csyten::MPS::TEBD::TpsWrapper | TEBD parallel state wrapper |
Csyten::BasisTransformation::TrafoConf | Collects all parameters |
►Cboost::serialization::traits | |
Csyten::BinaryTree::Node< T > | A node in a binary tree, containing a value of type T and possibly leaves |
Csyten::BinaryTree::Tree< T > | The binary tree structure, versioned via boost_version_Tree |
Csyten::T3N::Tree::Node< T > | A Node of a T3N containing values of type T |
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::Operator | A T3N operator |
Csyten::T3N::State | |
►Csyten::T3N::Tree::Tree< Vec< T3NTensor > > | |
Csyten::T3N::DMRG::Contractions | Data type used to store contractions of the Hamiltonian with the state |
►Cstd::true_type [external] | |
Cis_not_streamcontrol_impl< T > | Implementation helper: Primary overload, true for all |
Csyten::requires_inmemory_rump_during_cache< STensorImpl::STensor > | |
►Csyten::Truncation | Truncation specification |
Csyten::Krylov::Evolution::Conf | The Conf struct stores info on how to evolve the state |
Csyten::Krylov::OrthoPolicies::TwoSiteVariational | Two-site variational orthonormalisation |
►CType | |
Csyten::Verbose< Type > | A proxy class to increase verbosity in the output |
CQCDMRG::U1U1 | |
►Cstd::unordered_map< Sector, Index > [external] | |
Csyten::BasisMap | A data type similar to Basis which is suitable to quickly check the existence of sectors |
Csyten::IPEPSv2::UpdateStage | Configuration for an iPEPSv2 update stage |
Csyten::Krylov::TensorNetworksImpl::VarApplyOrtho | Application policy which uses apply_op_orthogonalise_fit() to apply the operator and orthogonalise immediately |
Csyten::T3N::VarationalTrunc | Helper to variationally truncate a T3NS |
Csyten::Krylov::OrthoPolicies::Variational | Variational orthonormalisation |
►Cstd::vector< T > [external] | STL class |
Csyten::Vec< T > | A thin wrapper around std::vector with some extra bells and whistles (and without others) |
►Cstd::vector< HistoryElement > [external] | |
Csyten::History | A set of history records |
►Cstd::vector< Index > [external] | |
Csyten::Vec< Index > | |
►Cstd::vector< LegType > [external] | |
Csyten::Vec< LegType > | |
►Cstd::vector< Pair< Rep, Index > > [external] | |
Csyten::Vec< Pair< Rep, Index > > | |
►Cstd::vector< Rep > [external] | |
Csyten::Vec< Rep > | |
►Cstd::vector< SRDef > [external] | |
Csyten::Vec< SRDef > | |
►Cstd::vector< sso_scale_t > [external] | |
CQCDMRG::tensor_elem_t | |
►Cstd::vector< std::int8_t > [external] | |
Csyten::Vec< std::int8_t > | |
►Cstd::vector< std::pair< Index, Sector > > [external] | |
Csyten::Basis | Basis on a specific tensor leg, essentially a list of symmetry sectors and associated reduced tensor sizes |
►Cstd::vector< std::reference_wrapper< syten::T3N::T3NTensor const > > [external] | |
Csyten::Vec< std::reference_wrapper< syten::T3N::T3NTensor const > > | |
►Cstd::vector< std::string > [external] | |
Csyten::Vec< std::string > | |
►Cstd::vector< std::tuple< std::string, std::size_t, std::size_t > > [external] | |
Csyten::Vec< std::tuple< std::string, std::size_t, std::size_t > > | |
►Cstd::vector< std::uint32_t > [external] | |
Csyten::Vec< std::uint32_t > | |
►Cstd::vector< std::uint64_t > [external] | |
Csyten::Vec< std::uint64_t > | |
►Cstd::vector< std::uint8_t > [external] | |
Csyten::Vec< std::uint8_t > | |
►Cstd::vector< std::variant< syten::IPEPSv2::AOneOp, syten::IPEPSv2::ATwoOp > > [external] | |
Csyten::Vec< std::variant< syten::IPEPSv2::AOneOp, syten::IPEPSv2::ATwoOp > > | |
►Cstd::vector< std::variant< syten::IPEPSv2::AOneOp, syten::IPEPSv2::ATwoOp, syten::IPEPSv2::A12Op > > [external] | |
Csyten::Vec< std::variant< syten::IPEPSv2::AOneOp, syten::IPEPSv2::ATwoOp, syten::IPEPSv2::A12Op > > | |
►Cstd::vector< syten::AsyncCached< syten::STensorImpl::STensor > > [external] | |
Csyten::Vec< syten::AsyncCached< syten::STensorImpl::STensor > > | |
►Cstd::vector< syten::Basis > [external] | |
Csyten::Vec< syten::Basis > | |
►Cstd::vector< syten::Cached< syten::Tensor< 3 > > > [external] | |
Csyten::Vec< syten::Cached< syten::Tensor< 3 > > > | |
►Cstd::vector< syten::DenseTensor< 2 > > [external] | |
Csyten::Vec< syten::DenseTensor< 2 > > | |
►Cstd::vector< syten::DenseTensor< 2, SDef > > [external] | |
Csyten::Vec< syten::DenseTensor< 2, SDef > > | |
►Cstd::vector< syten::DenseTensor< 4, SDef > > [external] | |
Csyten::Vec< syten::DenseTensor< 4, SDef > > | |
►Cstd::vector< syten::Krylov::StateWrapper< StateType > > [external] | |
Csyten::Vec< syten::Krylov::StateWrapper< StateType > > | |
►Cstd::vector< syten::LimVec< char, 9 > > [external] | |
Csyten::Vec< syten::LimVec< char, 9 > > | |
►Cstd::vector< syten::Pair< std::shared_ptr, std::size_t > > [external] | |
Csyten::Vec< syten::Pair< std::shared_ptr, std::size_t > > | |
►Cstd::vector< syten::Pair< syten::STensorImpl::STensor, syten::STensorImpl::SBasis > > [external] | |
Csyten::Vec< syten::Pair< syten::STensorImpl::STensor, syten::STensorImpl::SBasis > > | |
►Cstd::vector< syten::STensorImpl::SBasis > [external] | |
Csyten::Vec< syten::STensorImpl::SBasis > | |
►Cstd::vector< syten::STensorImpl::SBasisId > [external] | |
Csyten::Vec< syten::STensorImpl::SBasisId > | |
►Cstd::vector< syten::STensorImpl::STensor > [external] | |
Csyten::Vec< syten::STensorImpl::STensor > | |
►Cstd::vector< syten::T3N::Operator > [external] | |
Csyten::Vec< syten::T3N::Operator > | |
►Cstd::vector< syten::T3N::State > [external] | |
Csyten::Vec< syten::T3N::State > | |
►Cstd::vector< syten::T3N::T3NTensor > [external] | |
Csyten::Vec< syten::T3N::T3NTensor > | |
►Cstd::vector< syten::Tensor< 2 > > [external] | |
Csyten::Vec< syten::Tensor< 2 > > | |
►Cstd::vector< Tensor< 4 > > [external] | |
Csyten::MPS::Operator | Matrix Product Operator |
►Cstd::vector< typename Solver::Vector_type > [external] | |
Csyten::Vec< typename Solver::Vector_type > | |
►Cstd::vector< void * > [external] | |
Csyten::Vec< void * > | |
Csyten::IPEPS::Vert2CTM | A vertical two-site environment consisting of six tensors surrounding those on two neighbouring sites |
Csyten::T3N::Contraction::WAMBR | |
Csyten::MPS::DMRG::Worker | One worker in a MP-DMRG calculation |
Csyten::MPS::TDVP::Worker | TDVP worker |
Csyten::T3N::TDVP::Worker | TDVP worker |
Csyten::MPS::Snapshots::Workspace | Workspace object for taking snapshots from matrix-product State |
Csyten::MPS::VariationalAdd::Workspace< StateIteratorType, ScalarIteratorType > | |
►CWorkspace | |
Csyten::VariationalAdd::Adder< Workspace > | Abstract class for variational TNS-addition |
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 > | |