List of all items
Structs
- algebra::AddMulOperation
- algebra::AdditiveOperation
- algebra::ArrayOperation
- algebra::BitAndOperation
- algebra::BitOrOperation
- algebra::BitXorOperation
- algebra::Bits
- algebra::BottomkOperation
- algebra::ConcatenateOperation
- algebra::CountingOperation
- algebra::EmptyAct
- algebra::EmptyActLazy
- algebra::EmptyAggActLazy
- algebra::FindMajorityOperation
- algebra::FirstOperation
- algebra::FlattenAct
- algebra::FlattenLazy
- algebra::LastOperation
- algebra::LinearAct
- algebra::LinearOperation
- algebra::LogicalLinearOperation
- algebra::MaxOperation
- algebra::MinOperation
- algebra::MinimumIntervalMovement
- algebra::MinimumIntervalMovementOperation
- algebra::MultiplicativeOperation
- algebra::RangeChminChmaxAdd
- algebra::RangeMaxRangeAdd
- algebra::RangeMaxRangeUpdate
- algebra::RangeMinRangeAdd
- algebra::RangeMinRangeUpdate
- algebra::RangeSumRangeAdd
- algebra::RangeSumRangeChminChmaxAdd
- algebra::RangeSumRangeLinear
- algebra::RangeSumRangeUpdate
- algebra::ReverseOperation
- algebra::SortedConcatenateOperation
- algebra::TopkOperation
- algebra::UpdateAct
- algebra::action::EmptyAct
- algebra::action::FlattenAct
- algebra::action::LinearAct
- algebra::action::UpdateAct
- algebra::lazy_map::EmptyActLazy
- algebra::lazy_map::EmptyAggActLazy
- algebra::lazy_map::FlattenLazy
- algebra::lazy_map::RangeChminChmaxAdd
- algebra::lazy_map::RangeMaxRangeAdd
- algebra::lazy_map::RangeMaxRangeUpdate
- algebra::lazy_map::RangeMinRangeAdd
- algebra::lazy_map::RangeMinRangeUpdate
- algebra::lazy_map::RangeSumRangeAdd
- algebra::lazy_map::RangeSumRangeChminChmaxAdd
- algebra::lazy_map::RangeSumRangeLinear
- algebra::lazy_map::RangeSumRangeUpdate
- algebra::magma::Bits
- algebra::operations::additive_operation_impl::AdditiveOperation
- algebra::operations::array_operation_impl::ArrayOperation
- algebra::operations::bitand_operation_impl::BitAndOperation
- algebra::operations::bitor_operation_impl::BitOrOperation
- algebra::operations::bitxor_operation_impl::BitXorOperation
- algebra::operations::bottomk_operation_impl::BottomkOperation
- algebra::operations::concatenate_operation::ConcatenateOperation
- algebra::operations::concatenate_operation::SortedConcatenateOperation
- algebra::operations::counting_operation_impl::CountingOperation
- algebra::operations::find_majority_operation_impl::FindMajorityOperation
- algebra::operations::first_operation_impl::FirstOperation
- algebra::operations::last_operation_impl::LastOperation
- algebra::operations::linear_operation_impl::LinearOperation
- algebra::operations::logical_linear_operation_impl::LogicalLinearOperation
- algebra::operations::max_operation_impl::MaxOperation
- algebra::operations::min_operation_impl::MinOperation
- algebra::operations::minimum_interval_movement_impl::MinimumIntervalMovement
- algebra::operations::minimum_interval_movement_impl::MinimumIntervalMovementOperation
- algebra::operations::multiplicative_operation_impl::MultiplicativeOperation
- algebra::operations::reverse_operation_impl::ReverseOperation
- algebra::operations::topk_operation_impl::TopkOperation
- algebra::ring::AddMulOperation
- algorithm::BlackBoxAutomatonImpl
- algorithm::CartesianTree
- algorithm::CeilQuotientIndex
- algorithm::Combinations
- algorithm::ConvexHullTrick
- algorithm::DeterministicFiniteAutomaton
- algorithm::DfaLearning
- algorithm::EsperEstimator
- algorithm::EsperSolver
- algorithm::FloorQuotientIndex
- algorithm::HornSatisfiability
- algorithm::ImpartialGameAnalyzer
- algorithm::ImpartialGamer
- algorithm::IndependentSubSet
- algorithm::PartisanGameAnalyzer
- algorithm::PartisanGamer
- algorithm::RangeUpdateRangeFoldSqrtDecomposition
- algorithm::RhoPath
- algorithm::SbtNode
- algorithm::SbtPath
- algorithm::SqrtDecompositionBuckets
- algorithm::Subsets
- algorithm::WeightedFiniteAutomaton
- algorithm::WfaLearning
- algorithm::XorBasis
- algorithm::ZeroSumGameAnalyzer
- algorithm::ZeroSumGamer
- algorithm::automata_learning::BlackBoxAutomatonImpl
- algorithm::automata_learning::DeterministicFiniteAutomaton
- algorithm::automata_learning::DfaLearning
- algorithm::automata_learning::DfaState
- algorithm::automata_learning::WeightedFiniteAutomaton
- algorithm::automata_learning::WfaLearning
- algorithm::bitdp::Combinations
- algorithm::bitdp::Subsets
- algorithm::cartesian_tree::CartesianTree
- algorithm::chromatic_number::IndependentSubSet
- algorithm::convex_hull_trick::ChtLine
- algorithm::convex_hull_trick::ConvexHullTrick
- algorithm::esper::EsperEstimator
- algorithm::esper::EsperSolver
- algorithm::esper::SystemOfLinearEquation
- algorithm::horn_satisfiability::HornSatisfiability
- algorithm::impartial_game::ImpartialGameAnalyzer
- algorithm::impartial_game::ImpartialGamer
- algorithm::partisan_game::PartisanGameAnalyzer
- algorithm::partisan_game::PartisanGamer
- algorithm::quotient_index::CeilQuotientIndex
- algorithm::quotient_index::FloorQuotientIndex
- algorithm::rho_path::RhoPath
- algorithm::solve_01_on_tree::Count01
- algorithm::sqrt_decomposition::Bucket
- algorithm::sqrt_decomposition::RangeUpdateRangeFoldSqrtDecomposition
- algorithm::sqrt_decomposition::SqrtDecompositionBuckets
- algorithm::stern_brocot_tree::SbtNode
- algorithm::stern_brocot_tree::SbtPath
- algorithm::xorbasis::XorBasis
- algorithm::zero_sum_game::ZeroSumGameAnalyzer
- algorithm::zero_sum_game::ZeroSumGamer
- combinatorial_optimization::KnapsackProblemSmallValue
- combinatorial_optimization::KnapsackProblemSmallWeight
- combinatorial_optimization::LexicographicalSubsequence
- combinatorial_optimization::LongestIncreasingSubsequence
- combinatorial_optimization::SubsetSumProblem
- combinatorial_optimization::ZeroOneKnapsackProblemBranchAndBound
- combinatorial_optimization::ZeroOneKnapsackProblemSmallItems
- combinatorial_optimization::knapsack_problem::Item
- combinatorial_optimization::knapsack_problem::KnapsackProblemSmallValue
- combinatorial_optimization::knapsack_problem::KnapsackProblemSmallWeight
- combinatorial_optimization::knapsack_problem::ZeroOneKnapsackProblemBranchAndBound
- combinatorial_optimization::knapsack_problem::ZeroOneKnapsackProblemSmallItems
- combinatorial_optimization::lexicographical_subsequence::LexicographicalSubsequence
- combinatorial_optimization::longest_increasing_subsequence::LongestIncreasingSubsequence
- combinatorial_optimization::subset_sum_problem::SubsetSumProblem
- data_structure::Accumulate
- data_structure::Accumulate2d
- data_structure::AccumulateKd
- data_structure::AlwaysAcceptingTransducer
- data_structure::BTreeCounter
- data_structure::BTreeMapFactory
- data_structure::BinaryIndexedTree
- data_structure::BinaryIndexedTree2D
- data_structure::BitSet
- data_structure::BitVector
- data_structure::BoxAllocator
- data_structure::ChainTransducer
- data_structure::CompressedBinaryIndexedTree
- data_structure::CompressedSegmentTree
- data_structure::DequeAggregation
- data_structure::DisjointSparseTable
- data_structure::EqualTransducer
- data_structure::FibonacciHasheru32
- data_structure::FibonacciHasheru64
- data_structure::FilterMapTransducer
- data_structure::FixedVecMapFactory
- data_structure::FunctionalTransducer
- data_structure::HashCompress
- data_structure::HashCounter
- data_structure::HashMapFactory
- data_structure::HashMapFactoryWithCapacity
- data_structure::IdentityTransducer
- data_structure::InitTransducerDp
- data_structure::IntersectionTransducer
- data_structure::IteratorTransducer
- data_structure::LazySegmentTree
- data_structure::LazySegmentTreeMap
- data_structure::LexicographicalTransducer
- data_structure::LineSet
- data_structure::MapTransducer
- data_structure::MemoryPool
- data_structure::MonoidalTransducer
- data_structure::PairingHeap
- data_structure::ProductTransducer
- data_structure::QueueAggregation
- data_structure::RangeArithmeticProgressionAdd
- data_structure::RangeFrequency
- data_structure::RangeMap
- data_structure::RangeSet
- data_structure::RevLexicographicalTransducer
- data_structure::RevSequenceTransducer
- data_structure::SegmentTree
- data_structure::SegmentTreeMap
- data_structure::SequenceTransducer
- data_structure::SlopeTrick
- data_structure::SparseSet
- data_structure::Static2DTree
- data_structure::Transducerdp
- data_structure::Trie
- data_structure::VecCompress
- data_structure::VecMap
- data_structure::VecMapFactory
- data_structure::VecMapFactoryWithCapacity
- data_structure::WaveletMatrix
- data_structure::accumulate::Accumulate
- data_structure::accumulate::Accumulate2d
- data_structure::accumulate::AccumulateKd
- data_structure::allocator::BoxAllocator
- data_structure::allocator::MemoryPool
- data_structure::binary_indexed_tree::BinaryIndexedTree
- data_structure::binary_indexed_tree_2d::BinaryIndexedTree2D
- data_structure::binary_search_tree::data::LazyMapElement
- data_structure::binary_search_tree::data::MonoidActElement
- data_structure::binary_search_tree::data::MonoidAggElement
- data_structure::binary_search_tree::node::BstEdgeHandle
- data_structure::binary_search_tree::node::BstNode
- data_structure::binary_search_tree::node::BstNodeRef
- data_structure::binary_search_tree::node::WithNoParent
- data_structure::binary_search_tree::node::WithParent
- data_structure::binary_search_tree::node::marker::DataMut
- data_structure::binary_search_tree::node::marker::Immut
- data_structure::binary_search_tree::node::marker::Mut
- data_structure::binary_search_tree::node_id::BstNodeId
- data_structure::binary_search_tree::node_id::BstNodeIdManager
- data_structure::binary_search_tree::seeker::SeekByAccCond
- data_structure::binary_search_tree::seeker::SeekByKey
- data_structure::binary_search_tree::seeker::SeekByRaccCond
- data_structure::binary_search_tree::seeker::SeekBySize
- data_structure::binary_search_tree::seeker::SeekLeft
- data_structure::binary_search_tree::seeker::SeekRight
- data_structure::binary_search_tree::split::Split
- data_structure::binary_search_tree::split::Split3
- data_structure::bit_vector::BitVector
- data_structure::bitset::BitSet
- data_structure::compress::HashCompress
- data_structure::compress::VecCompress
- data_structure::compressed_binary_indexed_tree::CompressedBinaryIndexedTree
- data_structure::compressed_binary_indexed_tree::Tag
- data_structure::compressed_segment_tree::CompressedSegmentTree
- data_structure::compressed_segment_tree::Tag
- data_structure::container::BTreeMapDrain
- data_structure::container::BTreeMapFactory
- data_structure::container::HashMapFactory
- data_structure::container::HashMapFactoryWithCapacity
- data_structure::counter::BTreeCounter
- data_structure::counter::HashCounter
- data_structure::disjoint_sparse_table::DisjointSparseTable
- data_structure::fibonacci_hash::FibonacciHasheru32
- data_structure::fibonacci_hash::FibonacciHasheru64
- data_structure::kdtree::Static2DTree
- data_structure::lazy_segment_tree::LazySegmentTree
- data_structure::lazy_segment_tree_map::LazySegmentTreeMap
- data_structure::line_set::Line
- data_structure::line_set::LineSet
- data_structure::line_set::Query
- data_structure::line_set::Slope
- data_structure::pairing_heap::IntoIter
- data_structure::pairing_heap::Node
- data_structure::pairing_heap::PairingHeap
- data_structure::pairing_heap::PeekMut
- data_structure::partially_retroactive_priority_queue::Changed
- data_structure::partially_retroactive_priority_queue::PartiallyRetroactivePriorityQueue
- data_structure::partially_retroactive_priority_queue::SumMinimum
- data_structure::range_ap_add::RangeArithmeticProgressionAdd
- data_structure::range_frequency::RangeFrequency
- data_structure::range_frequency::RangeFrequencyProcessor
- data_structure::range_map::RangeMap
- data_structure::range_map::RangeSet
- data_structure::segment_tree::SegmentTree
- data_structure::segment_tree_map::SegmentTreeMap
- data_structure::sliding_window_aggregation::DequeAggregation
- data_structure::sliding_window_aggregation::QueueAggregation
- data_structure::slope_trick::SlopeTrick
- data_structure::sparse_set::SparseSet
- data_structure::splay_tree::node::Node
- data_structure::splay_tree::node::NodeRange
- data_structure::splay_tree::node::NodeRef
- data_structure::splay_tree::node::Root
- data_structure::splay_tree::node::SeekLeft
- data_structure::splay_tree::node::SeekRight
- data_structure::splay_tree::node::marker::DataMut
- data_structure::splay_tree::node::marker::Immut
- data_structure::splay_tree::node::marker::Mut
- data_structure::splay_tree::sequence::LazyAggElement
- data_structure::splay_tree::sequence::LazyAggSplay
- data_structure::splay_tree::sequence::SeekByAccCond
- data_structure::splay_tree::sequence::SeekByRaccCond
- data_structure::splay_tree::sequence::SeekBySize
- data_structure::splay_tree::sequence::SplaySequence
- data_structure::splay_tree::sized_map::Iter
- data_structure::splay_tree::sized_map::SeekByKey
- data_structure::splay_tree::sized_map::SeekBySize
- data_structure::splay_tree::sized_map::SizedSplay
- data_structure::splay_tree::sized_map::SplayMap
- data_structure::submask_range_query::SubmaskRangeQuery
- data_structure::submask_range_query::SubmaskRangeQueryBuilder
- data_structure::transducer::AlwaysAcceptingTransducer
- data_structure::transducer::ChainTransducer
- data_structure::transducer::EqualTransducer
- data_structure::transducer::FilterMapTransducer
- data_structure::transducer::FunctionalTransducer
- data_structure::transducer::IdentityTransducer
- data_structure::transducer::InitTransducerDp
- data_structure::transducer::IntersectionTransducer
- data_structure::transducer::IteratorTransducer
- data_structure::transducer::LexicographicalTransducer
- data_structure::transducer::MapTransducer
- data_structure::transducer::MonoidalTransducer
- data_structure::transducer::ProductTransducer
- data_structure::transducer::RevLexicographicalTransducer
- data_structure::transducer::RevSequenceTransducer
- data_structure::transducer::SequenceTransducer
- data_structure::transducer::Transducerdp
- data_structure::treap::Treap
- data_structure::treap::TreapData
- data_structure::treap::TreapSpec
- data_structure::treap::TreapSplit3
- data_structure::trie::Trie
- data_structure::union_find::FnMerger
- data_structure::union_find::UnionFindBase
- data_structure::vec_map::Entry
- data_structure::vec_map::FixedVecMapFactory
- data_structure::vec_map::VecMap
- data_structure::vec_map::VecMapFactory
- data_structure::vec_map::VecMapFactoryWithCapacity
- data_structure::wavelet_matrix::WaveletMatrix
- geometry::Approx
- geometry::Circle
- geometry::Line
- geometry::LineSegment
- geometry::approx::Approx
- geometry::circle::Circle
- geometry::line::Line
- geometry::line::LineSegment
- graph::Adjacency
- graph::AdjacencyListGraph
- graph::AdjacencyListGraphScanner
- graph::AdjacencyViewIterFromEindex
- graph::AdjacencyViewIterFromValue
- graph::BipartiteMatching
- graph::ClosureGraph
- graph::Dinic
- graph::DinicBuilder
- graph::EdgeListGraph
- graph::EdgeListGraphScanner
- graph::GridGraph
- graph::LowLink
- graph::NetworkSimplex
- graph::PrimalDual
- graph::PrimalDualBuilder
- graph::ProjectSelectionProblem
- graph::SparseGraph
- graph::SparseGraphBuilder
- graph::SparseGraphScanner
- graph::SteinerTreeOutput
- graph::StronglyConnectedComponent
- graph::TreeGraphScanner
- graph::TwoSatisfiability
- graph::UsizeGraph
- graph::VIndex
- graph::VIndexWithEIndex
- graph::VIndexWithEIndexValue
- graph::VIndexWithValue
- graph::adjacency_list::Adjacency
- graph::adjacency_list::AdjacencyListGraph
- graph::adjacency_list::AdjacencyListGraphScanner
- graph::bipartite_matching::BipartiteMatching
- graph::closure::ClosureGraph
- graph::closure::UsizeGraph
- graph::edge_list::EdgeListGraph
- graph::edge_list::EdgeListGraphScanner
- graph::graph_base::AdjacencyViewIterFromEindex
- graph::graph_base::AdjacencyViewIterFromValue
- graph::graph_base::VIndex
- graph::graph_base::VIndexWithEIndex
- graph::graph_base::VIndexWithEIndexValue
- graph::graph_base::VIndexWithValue
- graph::grid::GridAdjacency
- graph::grid::GridDirectionIter
- graph::grid::GridGraph
- graph::grid::GridVertices
- graph::low_link::LowLink
- graph::maximum_flow::Dinic
- graph::maximum_flow::DinicBuilder
- graph::minimum_cost_flow::PrimalDual
- graph::minimum_cost_flow::PrimalDualBuilder
- graph::network_simplex::Edge
- graph::network_simplex::NetworkSimplex
- graph::network_simplex::NetworkSimplexSolution
- graph::network_simplex::NetworkSimplexSolver
- graph::network_simplex::Parent
- graph::project_selection_problem::ProjectSelectionProblem
- graph::shortest_path::OptionSp
- graph::shortest_path::PathFoldingSp
- graph::shortest_path::RecordParent
- graph::shortest_path::ShortestPathBuilder
- graph::shortest_path::ShortestPathWithParent
- graph::shortest_path::StandardSp
- graph::sparse_graph::Adjacency
- graph::sparse_graph::SparseGraph
- graph::sparse_graph::SparseGraphBuilder
- graph::sparse_graph::SparseGraphScanner
- graph::sparse_graph::TreeGraphScanner
- graph::steiner_tree::SteinerTreeOutput
- graph::strongly_connected_component::StronglyConnectedComponent
- graph::two_satisfiability::TwoSatisfiability
- heuristic::SimulatedAnnealing
- heuristic::beam_search::Candidate
- heuristic::beam_search::Node
- heuristic::beam_search::Tree
- heuristic::simulated_annealing::SimulatedAnnealing
- math::ArbitraryModBinomial
- math::BitwiseandConvolve
- math::BitwiseorConvolve
- math::BitwisexorConvolve
- math::BlackBoxMatrixImpl
- math::Convolve
- math::EulerPhiTable
- math::FormalPowerSeries
- math::Garner
- math::GcdConvolve
- math::LcmConvolve
- math::Matrix
- math::MemorizedFactorial
- math::OnlineSubsetMobiusTransform
- math::OnlineSubsetZetaTransform
- math::OnlineSupersetMobiusTransform
- math::OnlineSupersetZetaTransform
- math::Polynomial
- math::PowPrec
- math::PrimeList
- math::PrimeTable
- math::QuotientArray
- math::RelaxedConvolution
- math::SparseMatrix
- math::SubsetConvolve
- math::arbitrary_mod_binomial::ArbitraryModBinomial
- math::arbitrary_mod_binomial::PrimePowerBinomial
- math::bitwiseand_convolve::BitwiseandConvolve
- math::bitwiseand_convolve::OnlineSupersetMobiusTransform
- math::bitwiseand_convolve::OnlineSupersetZetaTransform
- math::bitwiseor_convolve::BitwiseorConvolve
- math::bitwiseor_convolve::OnlineSubsetMobiusTransform
- math::bitwiseor_convolve::OnlineSubsetZetaTransform
- math::bitwisexor_convolve::BitwisexorConvolve
- math::black_box_matrix::BlackBoxMatrixImpl
- math::black_box_matrix::SparseMatrix
- math::discrete_logarithm::IndexCalculus
- math::discrete_logarithm::IndexCalculusWithPrimitiveRoot
- math::discrete_logarithm::QdrtPowPrec
- math::factorial::MemorizedFactorial
- math::floor_sum::FloorPowerSum
- math::floor_sum::FloorSum
- math::floor_sum::FloorSumData
- math::formal_power_series::FormalPowerSeries
- math::garner::Garner
- math::gcd_convolve::GcdConvolve
- math::lcm_convolve::LcmConvolve
- math::linear_diophantine::Linear
- math::linear_diophantine::LinearDiophantineSolution
- math::matrix::Matrix
- math::matrix::SystemOfLinearEquationsSolution
- math::number_theoretic_transform::Convolve
- math::number_theoretic_transform::NttInfo
- math::polynomial::Polynomial
- math::pow_prec::PowPrec
- math::prime::EulerPhiTable
- math::prime_list::PrimeList
- math::prime_list::PrimeListTrialDivision
- math::prime_table::PrimeTable
- math::quotient_array::QuotientArray
- math::relaxed_convolution::RelaxedConvolution
- math::subset_convolve::SubsetConvolve
- num::BarrettReduction
- num::Complex
- num::DoubleDouble
- num::DualNumber
- num::ExtendedGcd
- num::Float32
- num::Float64
- num::MInt
- num::QuadDouble
- num::Rational
- num::Saturating
- num::URational
- num::Wrapping
- num::barrett_reduction::BarrettReduction
- num::complex::Complex
- num::decimal::Decimal
- num::decimal::convert::ParseDecimalError
- num::double_double::DoubleDouble
- num::dual_number::DualNumber
- num::float::Float32
- num::float::Float64
- num::integer::ExtendedGcd
- num::integer::Saturating
- num::integer::Wrapping
- num::mint::mint_base::MInt
- num::mint::mint_basic::Modulo2
- num::mint_basic::Modulo2
- num::quad_double::QuadDouble
- num::rational::Rational
- num::urational::URational
- string::KnuthMorrisPratt
- string::SuffixArray
- string::SuffixAutomaton
- string::Zarray
- string::knuth_morris_pratt::KnuthMorrisPratt
- string::rolling_hash::Hashed
- string::rolling_hash::HashedRange
- string::rolling_hash::HashedRangeChained
- string::rolling_hash::HashedSequence
- string::rolling_hash::RollingHashPrecalc
- string::suffix_array::SuffixArray
- string::suffix_automaton::State
- string::suffix_automaton::SuffixAutomaton
- string::z_algorithm::Zarray
- tools::ByteWithBase
- tools::BytesWithBase
- tools::CharWithBase
- tools::CharsWithBase
- tools::Collect
- tools::IdGenerator
- tools::NotEmptySegment
- tools::PartialIgnoredOrd
- tools::RandIter
- tools::RandRange
- tools::Scanner
- tools::ScannerIter
- tools::SizedCollect
- tools::Splitted
- tools::TotalOrd
- tools::WeightedSampler
- tools::Xorshift
- tools::coding::BitReader
- tools::coding::BitWriter
- tools::comparator::ByKey
- tools::comparator::Greater
- tools::comparator::Less
- tools::id_generator::IdGenerator
- tools::iterator_ext::MergeBy
- tools::partial_ignored_ord::PartialIgnoredOrd
- tools::random_generator::NotEmptySegment
- tools::random_generator::RandIter
- tools::random_generator::RandRange
- tools::random_generator::WeightedSampler
- tools::scanner::ByteWithBase
- tools::scanner::BytesWithBase
- tools::scanner::CharWithBase
- tools::scanner::CharsWithBase
- tools::scanner::Collect
- tools::scanner::Scanner
- tools::scanner::ScannerIter
- tools::scanner::SizedCollect
- tools::scanner::Splitted
- tools::totalord::TotalOrd
- tools::xorshift::Xorshift
- tree::EulerTourForEdge
- tree::EulerTourForRichVertex
- tree::EulerTourForVertex
- tree::HeavyLightDecomposition
- tree::LcaMonoid
- tree::LowestCommonAncestor
- tree::MixedTree
- tree::PathTree
- tree::PruferSequence
- tree::ReRooting
- tree::StarTree
- tree::TreeHasher
- tree::euler_tour::EulerTourForEdge
- tree::euler_tour::EulerTourForRichVertex
- tree::euler_tour::EulerTourForVertex
- tree::euler_tour::LcaMonoid
- tree::euler_tour::LowestCommonAncestor
- tree::generator::MixedTree
- tree::generator::PathTree
- tree::generator::PruferSequence
- tree::generator::StarTree
- tree::heavy_light_decomposition::HeavyLightDecomposition
- tree::rerooting::ReRooting
- tree::tree_hash::TreeHasher
Enums
- algebra::Gf2_63
- algebra::Mersenne61
- algebra::PermutationOperation
- algebra::operations::permutation_operation_impl::PermutationOperation
- algebra::ring_operations::gf2_63::Gf2_63
- algebra::ring_operations::mersenne61::Mersenne61
- algebra::ring_operations::mersenne61::Mersenne61Add
- algorithm::convex_hull_trick::ChtQueryMode
- data_structure::binary_search_tree::data::marker::Key
- data_structure::binary_search_tree::data::marker::LazyMap
- data_structure::binary_search_tree::data::marker::MonoidAct
- data_structure::binary_search_tree::data::marker::MonoidAgg
- data_structure::binary_search_tree::data::marker::Size
- data_structure::binary_search_tree::node::marker::DormantMut
- data_structure::binary_search_tree::node::marker::Dying
- data_structure::binary_search_tree::node::marker::Left
- data_structure::binary_search_tree::node::marker::Owned
- data_structure::binary_search_tree::node::marker::Right
- data_structure::range_frequency::RangeFrequencyQuery
- data_structure::splay_tree::node::marker::Dying
- data_structure::splay_tree::node::marker::Owned
- data_structure::submask_range_query::Query
- data_structure::submask_range_query::QueryKind
- data_structure::union_find::PathCompression
- data_structure::union_find::UfCell
- data_structure::union_find::Undoable
- data_structure::union_find::UnionByRank
- data_structure::union_find::UnionBySize
- geometry::Ccw
- geometry::ccw::Ccw
- graph::BidirectionalEdge
- graph::DirectedEdge
- graph::UndirectedEdge
- graph::grid::Adj4
- graph::grid::Adj8
- graph::grid::GridDirection
- graph::shortest_path::NoParent
- graph::sparse_graph::BidirectionalEdge
- graph::sparse_graph::DirectedEdge
- graph::sparse_graph::UndirectedEdge
- math::ConvolveRealFft
- math::fast_fourier_transform::ConvolveRealFft
- math::fast_fourier_transform::RotateCache
- num::decimal::Sign
- num::decimal::convert::DecimalErrorKind
- num::double_double::ParseDoubleDoubleError
- num::mint::mint_basic::DynModuloU32
- num::mint::mint_basic::DynModuloU64
- num::mint::mint_basic::Modulo1000000007
- num::mint::mint_basic::Modulo1000000009
- num::mint::mint_basic::Modulo998244353
- num::mint::montgomery::Modulo1811939329
- num::mint::montgomery::Modulo2013265921
- num::mint::montgomery::Modulo2113929217
- num::mint::montgomery::Modulo998244353
- num::mint_basic::DynModuloU32
- num::mint_basic::DynModuloU64
- num::mint_basic::Modulo1000000007
- num::mint_basic::Modulo1000000009
- num::mint_basic::Modulo998244353
- num::montgomery::Modulo1811939329
- num::montgomery::Modulo2013265921
- num::montgomery::Modulo2113929217
- num::montgomery::Modulo998244353
- num::quad_double::ParseDoubleDoubleError
- string::rolling_hash::Gf2_63x1
- string::rolling_hash::Gf2_63x2
- string::rolling_hash::Gf2_63x3
- string::rolling_hash::Mersenne61x1
- string::rolling_hash::Mersenne61x2
- string::rolling_hash::Mersenne61x3
- tools::Byte1
- tools::Bytes
- tools::Chars
- tools::Usize1
- tools::coding::HuffmanTree
- tools::scanner::Byte1
- tools::scanner::Bytes
- tools::scanner::Chars
- tools::scanner::Usize1
- tree::LcaMonoidDefaultId
- tree::TreeCenter
- tree::euler_tour::LcaMonoidDefaultId
- tree::tree_center::TreeCenter
Traits
- algebra::AbelianGroup
- algebra::AbelianMonoid
- algebra::Associative
- algebra::BitAndIdentity
- algebra::BitOrIdentity
- algebra::BitXorIdentity
- algebra::Commutative
- algebra::ExpBits
- algebra::Field
- algebra::Group
- algebra::Idempotent
- algebra::IdempotentMonoid
- algebra::Invertible
- algebra::LazyMapMonoid
- algebra::Magma
- algebra::Monoid
- algebra::MonoidAct
- algebra::Ring
- algebra::SemiGroup
- algebra::SemiRing
- algebra::SignedExpBits
- algebra::Unital
- algebra::action::MonoidAct
- algebra::lazy_map::LazyMapMonoid
- algebra::magma::AbelianGroup
- algebra::magma::AbelianMonoid
- algebra::magma::Associative
- algebra::magma::Commutative
- algebra::magma::ExpBits
- algebra::magma::Group
- algebra::magma::Idempotent
- algebra::magma::IdempotentMonoid
- algebra::magma::Invertible
- algebra::magma::Magma
- algebra::magma::Monoid
- algebra::magma::SemiGroup
- algebra::magma::SignedExpBits
- algebra::magma::Unital
- algebra::operations::bitand_operation_impl::BitAndIdentity
- algebra::operations::bitor_operation_impl::BitOrIdentity
- algebra::operations::bitxor_operation_impl::BitXorIdentity
- algebra::ring::Field
- algebra::ring::Ring
- algebra::ring::SemiRing
- algorithm::Bisect
- algorithm::BitDpExt
- algorithm::BlackBoxAutomaton
- algorithm::ImpartialGame
- algorithm::PartisanGame
- algorithm::SliceBisectExt
- algorithm::SliceCombinationsExt
- algorithm::SliceSortExt
- algorithm::SqrtDecomposition
- algorithm::SternBrocotTree
- algorithm::ZeroSumGame
- algorithm::automata_learning::BlackBoxAutomaton
- algorithm::binary_search::Bisect
- algorithm::binary_search::SliceBisectExt
- algorithm::bitdp::BitDpExt
- algorithm::combinations::SliceCombinationsExt
- algorithm::impartial_game::ImpartialGame
- algorithm::partisan_game::PartisanGame
- algorithm::sort::SliceSortExt
- algorithm::sqrt_decomposition::SqrtDecomposition
- algorithm::stern_brocot_tree::SternBrocotTree
- algorithm::ternary_search::FibonacciSearch
- algorithm::ternary_search::Trisect
- algorithm::zero_sum_game::ZeroSumGame
- data_structure::Allocator
- data_structure::Compressor
- data_structure::Container
- data_structure::ContainerEntry
- data_structure::ContainerFactory
- data_structure::RankSelectDictionaries
- data_structure::Transducer
- data_structure::allocator::Allocator
- data_structure::binary_search_tree::data::BstDataAccess
- data_structure::binary_search_tree::node::BstSpec
- data_structure::binary_search_tree::node::ParentStrategy
- data_structure::binary_search_tree::node::marker::BorrowType
- data_structure::binary_search_tree::node::marker::BstDirection
- data_structure::binary_search_tree::seeker::BstSeeker
- data_structure::bit_vector::RankSelectDictionaries
- data_structure::compress::Compressor
- data_structure::container::Container
- data_structure::container::ContainerEntry
- data_structure::container::ContainerFactory
- data_structure::splay_tree::node::SplaySeeker
- data_structure::splay_tree::node::SplaySpec
- data_structure::transducer::Transducer
- data_structure::union_find::FindStrategy
- data_structure::union_find::UfMergeSpec
- data_structure::union_find::UndoStrategy
- data_structure::union_find::UnionStrategy
- geometry::ApproxOrd
- geometry::Ccwable
- geometry::approx::ApproxOrd
- geometry::ccw::Ccwable
- graph::Adjacencies
- graph::AdjacenciesWithEindex
- graph::AdjacenciesWithValue
- graph::AdjacencyIndex
- graph::AdjacencyIndexWithEindex
- graph::AdjacencyIndexWithValue
- graph::AdjacencyView
- graph::EIndexedGraph
- graph::EdgeMap
- graph::EdgeSize
- graph::EdgeView
- graph::Edges
- graph::GraphBase
- graph::SparseGraphConstruction
- graph::SteinerTreeExt
- graph::VertexMap
- graph::VertexSize
- graph::VertexView
- graph::Vertices
- graph::graph_base::Adjacencies
- graph::graph_base::AdjacenciesWithEindex
- graph::graph_base::AdjacenciesWithValue
- graph::graph_base::AdjacencyIndex
- graph::graph_base::AdjacencyIndexWithEindex
- graph::graph_base::AdjacencyIndexWithValue
- graph::graph_base::AdjacencyView
- graph::graph_base::EIndexedGraph
- graph::graph_base::EdgeMap
- graph::graph_base::EdgeSize
- graph::graph_base::EdgeView
- graph::graph_base::Edges
- graph::graph_base::GraphBase
- graph::graph_base::VertexMap
- graph::graph_base::VertexSize
- graph::graph_base::VertexView
- graph::graph_base::Vertices
- graph::shortest_path::ParentPolicy
- graph::shortest_path::ShortestPathExt
- graph::shortest_path::ShortestPathSemiRing
- graph::sparse_graph::SparseGraphConstruction
- graph::steiner_tree::SteinerTreeExt
- heuristic::ModifiableState
- heuristic::beam_search::ModifiableState
- math::BlackBoxMIntMatrix
- math::BlackBoxMatrix
- math::ConvolveSteps
- math::FormalPowerSeriesCoefficient
- math::FormalPowerSeriesCoefficientSqrt
- math::MIntMatrix
- math::NttReuse
- math::black_box_matrix::BlackBoxMIntMatrix
- math::black_box_matrix::BlackBoxMatrix
- math::convolve_steps::ConvolveSteps
- math::formal_power_series::FormalPowerSeriesCoefficient
- math::formal_power_series::FormalPowerSeriesCoefficientSqrt
- math::mint_matrix::MIntMatrix
- math::number_theoretic_transform::Montgomery32NttModulus
- math::number_theoretic_transform::NttReuse
- num::Barrettable
- num::BinaryRepr
- num::Bounded
- num::DiscreteSteps
- num::Float
- num::IntBase
- num::MIntBase
- num::MIntConvert
- num::One
- num::RangeBoundsExt
- num::Saturatingable
- num::Signed
- num::Unsigned
- num::Wrappingable
- num::Zero
- num::barrett_reduction::Barrettable
- num::bounded::Bounded
- num::discrete_steps::DiscreteSteps
- num::discrete_steps::RangeBoundsExt
- num::float::Float
- num::integer::BinaryRepr
- num::integer::IntBase
- num::integer::Saturatingable
- num::integer::Signed
- num::integer::Unsigned
- num::integer::Wrappingable
- num::mint::mint_base::MIntBase
- num::mint::mint_base::MIntConvert
- num::mint::montgomery::MontgomeryReduction32
- num::montgomery::MontgomeryReduction32
- num::zero_one::One
- num::zero_one::Zero
- prelude::Read
- prelude::Write
- string::rolling_hash::RollingHasher
- tools::AsTotalOrd
- tools::AssociatedValue
- tools::CharConvertTryFrom
- tools::CharConvertTryInto
- tools::IterPrint
- tools::IterScan
- tools::IteratorExt
- tools::MarkedIterScan
- tools::PartialOrdExt
- tools::RandomSpec
- tools::SerdeByteStr
- tools::ToDigitSequence
- tools::associated_value::AssociatedValue
- tools::char_convert::CharConvertTryFrom
- tools::char_convert::CharConvertTryInto
- tools::coding::SerdeByteStr
- tools::comparator::Comparator
- tools::digit_sequence::ToDigitSequence
- tools::iter_print::IterPrint
- tools::iterator_ext::IteratorExt
- tools::ord_tools::PartialOrdExt
- tools::random_generator::RandomSpec
- tools::scanner::IterScan
- tools::scanner::MarkedIterScan
- tools::totalord::AsTotalOrd
- tree::LcaMonoidDispatch
- tree::euler_tour::LcaMonoidDispatch
Macros
- add_assign
- algebra::define_monoid
- algebra::magma::impl_exp_bits_for_uint
- algebra::magma::impl_signed_exp_bits_for_sint
- algebra::monoid_fold
- algebra::operations::tuple_operation_impl::impl_tuple_operation
- algorithm::binary_search::impl_bisect_float
- algorithm::binary_search::impl_bisect_signed
- algorithm::binary_search::impl_bisect_unsigned
- algorithm::ternary_search::impl_fibonacci_search_unsigned
- algorithm::ternary_search::impl_trisect_float
- algorithm::ternary_search::impl_trisect_signed
- algorithm::ternary_search::impl_trisect_unsigned
- array
- avx_helper
- bitand_assign
- bitor_assign
- bitxor_assign
- chmax
- chmin
- comprehension
- crecurse
- data_structure::bit_vector::impl_rank_select_for_bits
- data_structure::compressed_binary_indexed_tree::impl_compressed_binary_indexed_tree
- data_structure::compressed_segment_tree::impl_compressed_segment_tree
- data_structure::sparse_set::impl_sparse_set
- data_structure::transducer
- data_structure::transducer::impl_chain_transducer
- data_structure::transducer::impl_intersection_transducer
- data_structure::transducer::impl_product_transducer
- define_basic_mint32
- define_basic_mintbase
- define_monoid
- div_assign
- geometry::approx::impl_approx_zero_for_int
- impl_assoc_value
- impl_bitand_identity
- impl_bitor_identity
- impl_bitxor_identity
- invariant
- iter_print
- main
- math::formal_power_series::formal_power_series_nums::impl_fps_binop_addsub
- math::formal_power_series::formal_power_series_nums::impl_fps_binop_conv
- math::formal_power_series::formal_power_series_nums::impl_fps_single_binop
- math::linear_diophantine::with_range
- math::matrix::impl_matrix_pairwise_binop
- math::miller_rabin::impl_mr
- math::miller_rabin::impl_test_mr
- math::number_theoretic_transform::impl_ntt_modulus
- max
- memorize
- min
- minmax
- mlambda
- mo_algorithm
- monoid_fold
- mul_assign
- num::bounded::impl_bounded_num
- num::bounded::impl_bounded_tuple
- num::complex::impl_complex_fold
- num::complex::impl_complex_op_assign
- num::complex::impl_complex_ref_binop
- num::complex::impl_complex_ref_unop
- num::decimal::addsub::add
- num::decimal::addsub::impl_binop
- num::decimal::addsub::impl_binop_assign
- num::decimal::addsub::sub
- num::decimal::convert::impl_from_signed
- num::decimal::convert::impl_from_through_string
- num::decimal::convert::impl_from_unsigned
- num::discrete_steps::impl_discrete_steps_integer
- num::discrete_steps::impl_range_bounds_ext
- num::dual_number::impl_dual_number_fold
- num::dual_number::impl_dual_number_op_assign
- num::dual_number::impl_dual_number_ref_binop
- num::dual_number::impl_dual_number_ref_unop
- num::float::impl_ord_float
- num::float::impl_primitive_float
- num::integer::impl_binary_repr
- num::integer::impl_binary_repr_for_saturating
- num::integer::impl_binary_repr_for_wrapping
- num::integer::impl_binop
- num::integer::impl_int_base
- num::integer::impl_int_base_for_saturating
- num::integer::impl_int_base_for_wrapping
- num::integer::impl_opassign
- num::integer::impl_unsigned_signed
- num::integer::impl_unsigned_signed_for_saturating
- num::integer::impl_unsigned_signed_for_wrapping
- num::mint::mint_base::impl_mint_from
- num::mint::mint_base::impl_mint_ref_binop
- num::mint::mint_base::impl_mint_ref_op_assign
- num::mint::mint_base::impl_mint_ref_unop
- num::mint::mint_basic::impl_to_mint_base_for_modulo2
- num::mint::montgomery::define_montgomery_reduction_32
- num::mint_basic::define_basic_mint32
- num::mint_basic::define_basic_mintbase
- num::zero_one::impl_zero_one
- prelude::iter_print
- prelude::scan
- prepare
- rand
- rand_value
- rem_assign
- scan
- scan_value
- shl_assign
- shr_assign
- string::rolling_hash::impl_rolling_hasher
- sub_assign
- syakutori
- tools::char_convert::impl_char_convert_unsigned
- tools::coding::impl_serdebytestr_num
- tools::coding::impl_serdebytestr_seq
- tools::coding::impl_serdebytestr_tuple
- tools::digit_sequence::impl_to_digit_sequence
- tools::iter_print::impl_iter_print_tuple
- tools::random_generator::impl_random_spec_primitive
- tools::random_generator::impl_random_spec_range_full
- tools::random_generator::impl_random_spec_ranges
- tools::random_generator::impl_random_spec_tuple
- tools::scan
- tools::scan_value
- tools::scanner::impl_iter_scan
- tools::scanner::impl_iter_scan_tuple
- transducer
Functions
- algorithm::automata_learning::dense_sampling
- algorithm::automata_learning::random_sampling
- algorithm::baby_step_giant_step
- algorithm::baby_step_giant_step::baby_step_giant_step
- algorithm::binary_search
- algorithm::binary_search::binary_search
- algorithm::binary_search::parallel_binary_search
- algorithm::combinations::next_combination_inner
- algorithm::combinations::rotate_distinct
- algorithm::dense_sampling
- algorithm::other::run_length_encoding
- algorithm::parallel_binary_search
- algorithm::random_sampling
- algorithm::rational_binary_search
- algorithm::run_length_encoding
- algorithm::solve_01_on_tree
- algorithm::solve_01_on_tree::solve_01_on_tree
- algorithm::sort::bubble_sort
- algorithm::sort::insertion_sort
- algorithm::sort::merge
- algorithm::sort::merge_sort
- algorithm::stern_brocot_tree::rational_binary_search
- algorithm::ternary_search::piecewise_ternary_search
- algorithm::ternary_search::ternary_search
- combinatorial_optimization::largest_pattern::largest_rectangle
- combinatorial_optimization::largest_pattern::largest_rectangle_in_grid
- combinatorial_optimization::largest_pattern::largest_square
- combinatorial_optimization::largest_rectangle
- combinatorial_optimization::largest_rectangle_in_grid
- combinatorial_optimization::largest_square
- combinatorial_optimization::levenshtein_distance
- combinatorial_optimization::levenshtein_distance::levenshtein_distance
- geometry::closest_pair
- geometry::closest_pair::closest_pair
- geometry::closest_pair::closest_pair_inner
- geometry::convex_diameter
- geometry::convex_hull
- geometry::polygon::convex_diameter
- geometry::polygon::convex_hull
- graph::dulmage_mendelsohn_decomposition
- graph::dulmage_mendelsohn_decomposition::dulmage_mendelsohn_decomposition
- heuristic::beam_search
- heuristic::beam_search::beam_search
- math::arbitrary_mod_binomial::pow32
- math::arbitrary_mod_binomial::pow64
- math::berlekamp_massey
- math::berlekamp_massey::berlekamp_massey
- math::bitwise_transform
- math::bitwise_transform::bitwise_transform
- math::check_primitive_root
- math::discrete_logarithm
- math::discrete_logarithm::discrete_logarithm
- math::discrete_logarithm::discrete_logarithm_prime_mod
- math::discrete_logarithm::discrete_logarithm_prime_power
- math::discrete_logarithm::factorize_smooth
- math::discrete_logarithm::index_calculus_for_primitive_root
- math::discrete_logarithm::pohlig_hellman_prime_power_order
- math::discrete_logarithm::pow
- math::discrete_logarithm::solve_linear_congruence
- math::discrete_logarithm::solve_linear_congruences
- math::discrete_logarithm_prime_mod
- math::divisors
- math::euler_phi
- math::extgcd
- math::extgcd_binary
- math::extgcd_recurse
- math::fast_fourier_transform::bit_reverse
- math::fast_fourier_transform::fft
- math::fast_fourier_transform::ifft
- math::floor_power_sum
- math::floor_sum
- math::floor_sum::choose2
- math::floor_sum::floor_monoid_product
- math::floor_sum::floor_power_sum
- math::floor_sum::floor_sum
- math::floor_sum::floor_sum_i64
- math::floor_sum::floor_sum_polynomial
- math::floor_sum::floor_sum_polynomial_i64
- math::floor_sum::floor_sum_range_freq
- math::floor_sum_i64
- math::floor_sum_polynomial
- math::floor_sum_polynomial_i64
- math::floor_sum_range_freq
- math::gcd
- math::gcd::extgcd
- math::gcd::extgcd_binary
- math::gcd::extgcd_recurse
- math::gcd::gcd
- math::gcd::gcd_loop
- math::gcd::lcm
- math::gcd::modinv
- math::gcd::modinv_extgcd_binary
- math::gcd::modinv_recurse
- math::gcd_loop
- math::highly_composite_number
- math::lagrange_interpolation
- math::lagrange_interpolation::lagrange_interpolation
- math::lagrange_interpolation::lagrange_interpolation_polynomial
- math::lagrange_interpolation_polynomial
- math::lcm
- math::linear_congruence::solve_linear_congruence
- math::linear_congruence::solve_simultaneous_linear_congruence
- math::linear_diophantine::solve_linear_diophantine
- math::miller_rabin
- math::miller_rabin::miller_rabin
- math::miller_rabin::miller_rabin_with_br
- math::miller_rabin::mr32
- math::miller_rabin::mr64
- math::miller_rabin::test_mr32
- math::miller_rabin::test_mr64
- math::miller_rabin_with_br
- math::mint_matrix::taylor_shift
- math::modinv
- math::modinv_extgcd_binary
- math::modinv_recurse
- math::moebius
- math::number_theoretic_transform::convolve_karatsuba
- math::number_theoretic_transform::convolve_naive
- math::number_theoretic_transform::intt
- math::number_theoretic_transform::mod_mul
- math::number_theoretic_transform::mod_pow
- math::number_theoretic_transform::ntt
- math::number_theoretic_transform::reduce
- math::prime::euler_phi
- math::prime::highly_composite_number
- math::prime::moebius
- math::prime_factors
- math::prime_factors::divisors
- math::prime_factors::find_factor
- math::prime_factors::prime_factors
- math::prime_factors::prime_factors_flatten
- math::prime_factors_flatten
- math::prime_list::with_prime_list
- math::primitive_root
- math::primitive_root::check_primitive_root
- math::primitive_root::primitive_root
- math::solve_linear_congruence
- math::solve_linear_diophantine
- math::solve_simultaneous_linear_congruence
- math::with_prime_list
- num::decimal::addsub::add_absolute_parts
- num::decimal::addsub::add_carry
- num::decimal::addsub::sub_absolute_parts_gte
- num::decimal::addsub::sub_borrow
- num::double_double::quick_two_sum
- num::double_double::split
- num::double_double::three_two_sum
- num::double_double::two_prod
- num::double_double::two_sum
- num::integer::rem_u256_by_u128
- num::quad_double::double_accumulate
- num::quad_double::multiple_three_sum
- num::quad_double::multiple_two_sum
- num::quad_double::quick_two_sum
- num::quad_double::split
- num::quad_double::three_three_sum
- num::quad_double::three_two_sum
- num::quad_double::two_prod
- num::quad_double::two_sum
- string::rolling_hash::to_range
- string::wildcard_pattern_matching
- string::wildcard_pattern_matching::wildcard_pattern_matching
- tools::coding::from_bytestring
- tools::coding::huffman_coding
- tools::coding::huffman_decoding
- tools::coding::to_bytestring
- tools::coding::unescape
- tools::main::main
- tools::main::solve
- tools::random_generator::randint_uniform
- tools::read_all
- tools::read_all_unchecked
- tools::read_stdin_all
- tools::read_stdin_all_unchecked
- tools::read_stdin_line
- tools::scanner::read_all
- tools::scanner::read_all_unchecked
- tools::scanner::read_stdin_all
- tools::scanner::read_stdin_all_unchecked
- tools::scanner::read_stdin_line
- tools::unescape
- tree::centroid_decomposition::centroid_decomposition_dfs
- tree::generator::from_prufer_sequence
Type Aliases
- algorithm::esper::Marker
- algorithm::impartial_game::Marker
- algorithm::partisan_game::Marker
- algorithm::zero_sum_game::Marker
- data_structure::CompressedBinaryIndexedTree1d
- data_structure::CompressedBinaryIndexedTree2d
- data_structure::CompressedBinaryIndexedTree3d
- data_structure::CompressedBinaryIndexedTree4d
- data_structure::CompressedSegmentTree1d
- data_structure::CompressedSegmentTree2d
- data_structure::CompressedSegmentTree3d
- data_structure::CompressedSegmentTree4d
- data_structure::FibHashMap
- data_structure::FibHashSet
- data_structure::FibonacciHasher
- data_structure::binary_search_tree::node::BstDataMutRef
- data_structure::binary_search_tree::node::BstImmutRef
- data_structure::binary_search_tree::node::BstNodePtr
- data_structure::binary_search_tree::node::BstRoot
- data_structure::compressed_binary_indexed_tree::CompressedBinaryIndexedTree1d
- data_structure::compressed_binary_indexed_tree::CompressedBinaryIndexedTree2d
- data_structure::compressed_binary_indexed_tree::CompressedBinaryIndexedTree3d
- data_structure::compressed_binary_indexed_tree::CompressedBinaryIndexedTree4d
- data_structure::compressed_segment_tree::CompressedSegmentTree1d
- data_structure::compressed_segment_tree::CompressedSegmentTree2d
- data_structure::compressed_segment_tree::CompressedSegmentTree3d
- data_structure::compressed_segment_tree::CompressedSegmentTree4d
- data_structure::fibonacci_hash::FibHashMap
- data_structure::fibonacci_hash::FibHashSet
- data_structure::fibonacci_hash::FibonacciHasher
- data_structure::transducer::ChainFilterMapTrasducer
- data_structure::transducer::ChainMapTrasducer
- data_structure::transducer::Marker
- data_structure::treap::TreapNode
- data_structure::treap::TreapRoot
- data_structure::union_find::MergingUnionFind
- data_structure::union_find::PotentializedUnionFind
- data_structure::union_find::UndoableUnionFind
- data_structure::union_find::UnionFind
- graph::BidirectionalGraphScanner
- graph::BidirectionalSparseGraph
- graph::DirectedGraphScanner
- graph::DirectedSparseGraph
- graph::UndirectedGraphScanner
- graph::UndirectedSparseGraph
- graph::sparse_graph::BidirectionalGraphScanner
- graph::sparse_graph::BidirectionalSparseGraph
- graph::sparse_graph::DirectedGraphScanner
- graph::sparse_graph::DirectedSparseGraph
- graph::sparse_graph::Marker
- graph::sparse_graph::UndirectedGraphScanner
- graph::sparse_graph::UndirectedSparseGraph
- math::Convolve998244353
- math::Fps
- math::Fps998244353
- math::MIntConvolve
- math::U64Convolve
- math::formal_power_series::Fps
- math::formal_power_series::Fps998244353
- math::number_theoretic_transform::Convolve998244353
- math::number_theoretic_transform::MIntConvolve
- math::number_theoretic_transform::MVec
- math::number_theoretic_transform::U64Convolve
- num::mint::mint_basic::DynMIntU32
- num::mint::mint_basic::DynMIntU64
- num::mint::mint_basic::MInt1000000007
- num::mint::mint_basic::MInt1000000009
- num::mint::mint_basic::MInt2
- num::mint::mint_basic::MInt998244353
- num::mint::montgomery::MInt1811939329
- num::mint::montgomery::MInt2013265921
- num::mint::montgomery::MInt2113929217
- num::mint::montgomery::MInt998244353
- num::mint_basic::DynMIntU32
- num::mint_basic::DynMIntU64
- num::mint_basic::MInt1000000007
- num::mint_basic::MInt1000000009
- num::mint_basic::MInt2
- num::mint_basic::MInt998244353
- num::montgomery::MInt1811939329
- num::montgomery::MInt2013265921
- num::montgomery::MInt2113929217
- num::montgomery::MInt998244353
Statics
Constants
- data_structure::allocator::CAP
- math::discrete_logarithm::A
- math::discrete_logarithm::IC
- math::number_theoretic_transform::BIT_REVERSE
- num::decimal::POW10
- num::decimal::RADIX
- num::decimal::RADIX_LEN
- num::decimal::ZERO
- num::mint::mint_basic::DYN_MODULUS_U32
- num::mint::mint_basic::DYN_MODULUS_U64
- tree::euler_tour::impl_lcam::DEPTH