List of all items
Structs
- algebra::add_min_count::AddMinCount
- algebra::add_sum::AddSum
- algebra::affine::Affine
- algebra::affine_sum::AffineSum
- algebra::bit::BitAnd
- algebra::bit::BitOr
- algebra::bit::BitXor
- algebra::dihedral::Dihedral
- algebra::dual::Dual
- algebra::first_last::First
- algebra::first_last::Last
- algebra::max_contiguous::MaxContiguous
- algebra::max_contiguous_true::MaxContiguousTrue
- algebra::max_partial_sum::MaxPartialSum
- algebra::min_count::MinCount
- algebra::min_max::Max
- algebra::min_max::Min
- algebra::permutation::Permutation
- algebra::prod::Prod
- algebra::semiring::add_mul::AddMulSemiring
- algebra::semiring::xor_and::XorAndSemiring
- algebra::sum::Sum
- algebra::transform::Transformation
- algebra::trivial::Trivial
- algebra::tuple::Tuple2
- algebra::tuple::Tuple3
- algebra::tuple::Tuple4
- algebra::tuple::Tuple5
- algebra::update_fold::UpdateFold
- algebra::update_sum::UpdateSum
- algo::cartesian_tree::CartesianTree
- algo::compressor::Compressor
- algo::compressor::CompressorBuilder
- algo::cycle_finding::Rho
- algo::imos_1d::Imos1D
- algo::imos_2d::Imos2D
- algo::imos_geo::ImosGeo
- algo::kmp::KMP
- algo::mo::Mo
- algo::psp::PSP
- algo::rolling_hash::RollingHash
- algo::rolling_hash::Table
- algo::sa::SuffixArray
- algo::static_range_freq_query::StaticRangeFreqQuery
- algo::static_range_inversions_query::StaticRangeInversionsQuery
- algo::static_range_mode_query::StaticRangeModeQuery
- algo::two_sat::TwoSat
- ds::aho_corasick::AhoCorasick
- ds::aho_corasick::AhoCorasickBuilder
- ds::aho_corasick::Node
- ds::binary_trie::BinaryTrie
- ds::bitset::Bitset
- ds::cht::ConvexHullTrick
- ds::cumulative_sum_1d::CumulativeSum1D
- ds::cumulative_sum_1d::CumulativeSum1DBuilder
- ds::cumulative_sum_2d::CumulativeSum2D
- ds::cumulative_sum_2d::CumulativeSum2DBuilder
- ds::disjoint_sparse_table::DisjointSparseTable
- ds::dual_segtree::DualSegtree
- ds::dynamic_dual_segtree::DynamicDualSegtree
- ds::dynamic_lazy_segtree::DynamicLazySegtree
- ds::dynamic_segtree::DynamicSegtree
- ds::fenwick::FenwickTree
- ds::fenwick_add::FenwickTreeAdd
- ds::fenwick_on_fenwick::FenwickOnFenwick
- ds::fenwick_on_fenwick::FenwickOnFenwickBuilder
- ds::foldable_deque::FoldableDeque
- ds::integer_set::IntegerSet
- ds::interval_heap::IntervalHeap
- ds::lazy_segtree::LazySegtree
- ds::lazy_segtree_coeff::LazySegtreeCoeff
- ds::lazy_skew_heap::LazySkewHeap
- ds::li_chao::LiChaoTree
- ds::link_cut_tree::LinkCutTree
- ds::linked_list::LinkedListPool
- ds::linked_list::Node
- ds::merge_sort_tree::MergeSortTree
- ds::multiset::MultiSet
- ds::ordered_map::OrderedMap
- ds::ordered_set::OrderedSet
- ds::palindromic_tree::Node
- ds::palindromic_tree::PalindromicTree
- ds::partially_persistent_unionfind::At
- ds::partially_persistent_unionfind::PartiallyPersistentUnionFind
- ds::persistent_array::PersistentArray
- ds::persistent_queue::PersistentQueue
- ds::persistent_segtree::PersistentSegtree
- ds::persistent_stack::PersistentStack
- ds::persistent_unionfind::PersistentUnionFind
- ds::potential_unionfind::PotentialUnionFind
- ds::qword_tree::QwordTree
- ds::range_search_tree::RangeSearchTree
- ds::range_search_tree::RangeSearchTreeBuilder
- ds::rollbackable_unionfind::RollbackableUnionFind
- ds::rollbackable_vector::RollbackableVec
- ds::segtree::Segtree
- ds::segtree_2d::Segtree2D
- ds::segtree_beats::SegtreeBeats
- ds::segtree_linear_add::SegtreeLinearAdd
- ds::segtree_linear_add_range_sum::SegtreeLinearAddRangeSum
- ds::segtree_on_segtree::SegtreeOnSegtree
- ds::segtree_on_segtree::SegtreeOnSegtreeBuilder
- ds::skew_heap::SkewHeap
- ds::sparse_table::SparseTable
- ds::sparse_table_2d::SparseTable2D
- ds::splay_tree::SplayTree
- ds::starry_sky_tree::StarrySkyTree
- ds::starry_sky_tree_count::StarrySkyTreeCount
- ds::succinct_bitvec::SuccinctBitVec
- ds::trie::Trie
- ds::trie::TrieNode
- ds::unionfind::UnionFind
- ds::usize_set::UsizeSet
- ds::wavelet_matrix::WaveletMatrix
- flow::dinic::Dinic
- flow::ford_fulkerson::FordFulkerson
- flow::min_cost_flow::MinCostFlow
- geom::Circle
- geom::Eps
- geom::Line
- geom::Vector
- geom_int::VectorInt
- graph::Directed
- graph::Edge
- graph::Graph
- graph::GraphNode
- graph::Undirected
- graph::dijkstra::Dijkstra
- graph::eulerian::directed::DirectedEulerianTrail
- graph::eulerian::undirected::UndirectedEulerianTrail
- graph::functional_graph::FunctionalGraph
- graph::functional_graph::FunctionalGraphBuilder
- graph::functional_graph::Group
- graph::lowlink::Lowlink
- graph::pseudo_tree::PseudoTree
- graph::pseudo_tree::PseudoTreeBuilder
- graph::scc::SCC
- graph::warshall_floyd::WarshallFloyd
- grid::Dir
- grid::Grid
- grid::Position
- io::fastio::FastIO
- linalg::const_matrix::Matrix
- linalg::mod_2::matrix::MatrixMod2
- linalg::mod_m::matrix::Matrix
- linalg::mod_m::square_matrix::SquareMatrix
- linalg::semiring::SemiringMatrix
- matching::bi_match::BipartiteMatching
- matching::hopcroft_karp::HopcroftKarp
- math::binomial_coefficient::BinomialCoefficient
- math::binomial_coefficient::ExtLucas
- math::closed_interval::ClosedInterval
- math::enumerate_quotients::Quotient
- math::factorial::FactorialTable
- math::factorize::sieve::FactorizeSieve
- math::linear::Linear
- math::ntt::NTT
- math::polynomial::Polynomial
- math::polynomial::PolynomialOperator
- math::prime_test::eratosthenes::EratosthenesSieve
- math::prime_test::miller_rabin::MillerRabin
- math::stern_brocot::Frac
- math::stern_brocot::SBNode
- math::stern_brocot::SBPath
- misc::dice::Dice
- misc::nullable_usize::NullableUsize
- mul_graph::Edge
- mul_graph::MulGraph
- num::complex::Complex
- num::const_modint::ConstModInt
- num::const_modint::ConstModIntBuilder
- num::gaussian_int::GaussianInt
- num::modint::ModInt
- num::modint::ModIntBuilder
- num::modint::algebra::ProdModM
- num::modint::algebra::SumModM
- num::montgomery::Montgomery
- num::montgomery::MontgomeryBuilder
- num::rational::Rational
- num::total_f64::Totalf64
- parser::ll1::Input
- parser::ll1::LL1Parser
- parser::parse_paren::ParseResult
- tree::RootedTreeBuilder
- tree::Tree
- tree::TreeBuilder
- tree::TreeEdge
- tree::TreeNode
- tree::auxiliary_tree::AuxiliaryTree
- tree::centroid_decomposition::CentroidDecomposition
- tree::centroid_decomposition::Node
- tree::depth_query::TreeDepthQuery
- tree::euler_tour::EulerTour
- tree::hld::HLD
- tree::lca::DoublingLCA
- tree::rerooting::RerootingDP
- tree::tree_dp::TreeDP
Enums
- algebra::dihedral::DihedralValue
- algo::bsearch::SearchResult
- algo::golden_search::Convex
- algo::ternary_search::Convex
- ds::cht::Mode
- ds::li_chao::Mode
- ds::starry_sky_tree::Mode
- ds::starry_sky_tree_count::Mode
- geom::ccw::CCW
- geom::convex_hull::Hull
- geom::intersect_circle_line::IntersectCircleLine
- geom::intersect_circle_segment::IntersectCircleSegment
- geom::intersect_circles::IntersectCircles
- geom::intersect_line_segment::IntersectLineSegment
- geom::intersect_segments::IntersectSegments
- geom::point_in_polygon::PointPolygon
- geom_int::convex_hull::Hull
- graph::functional_graph::Kind
- graph::pseudo_tree::Kind
- math::stern_brocot::SBMove
- num::num_inf::NumInf
- parser::parse_paren::Elem
Traits
- algebra::action::Action
- algebra::semiring::Semiring
- algebra::traits::AbelianGroup
- algebra::traits::AbelianMonoid
- algebra::traits::Associative
- algebra::traits::BinaryOp
- algebra::traits::Commutative
- algebra::traits::FoldM
- algebra::traits::Group
- algebra::traits::Idempotence
- algebra::traits::Identity
- algebra::traits::Inverse
- algebra::traits::Monoid
- algebra::traits::Semigroup
- algebra::traits::Set
- algebra::traits::Times
- algo::bsearch_slice::BinarySearch
- ds::cht::Elem
- ds::fenwick_add::Elem
- ds::lazy_segtree_coeff::Elem
- ds::lazy_skew_heap::Elem
- ds::li_chao::Elem
- ds::segtree_linear_add::Elem
- ds::segtree_linear_add_range_sum::Elem
- flow::MaxFlow
- graph::Direction
- graph::EdgeTrait
- iter::bit::EnumBit
- iter::collect::CollectVec
- iter::cumsum::CumSum
- iter::join_str::JoinStr
- iter::reject::Reject
- math::factorial::bell::BellNumber
- math::factorial::bernoulli::BernoulliNumber
- math::factorial::catalan::CatalanNumber
- math::factorial::stirling_second::StirlingSecond
- math::fps::exp::FpsExp
- math::fps::inv::FpsInv
- math::fps::log::FpsLog
- math::fps::pow::FpsPow
- math::fps::sqrt::FpsSqrt
- math::gcd_lcm::GcdLcm
- math::multipoint_eval::MultipointEval
- math::polynomial_taylor_shift::TaylorShift
- math::prime_test::CheckPrime
- misc::transpose::Transpose
- misc::vec_map::VecMap
- num::arithmetic::Arithmetic
- num::ff::FF
- num::ff::FFElem
- num::one_zero::One
- num::one_zero::Zero
- num::ops::Inv
- num::ops::Pow
- num::traits::Float
- num::traits::Int
- num::traits::Signed
- num::traits::Unsigned
- tree::TreeEdgeTrait
Macros
- btreemap
- btreeset
- chmax
- chmin
- for_loop
- get
- get_time
- hashmap
- hashset
- impl_algebra
- impl_from
- impl_one_zero
- impl_ops
- impl_try_from
- input
- max
- min
- mul_vec
- output
- rec
- sort_with
- timer
- trait_alias
Functions
- algo::bsearch::bsearch_ng_ok
- algo::bsearch::bsearch_ok_ng
- algo::cycle_finding::cycle_finding
- algo::edit_distance::edit_distance
- algo::enum_bit::gray_code::gray_code
- algo::enum_bit::subset_asc::subset_asc
- algo::enum_bit::subset_between::subset_between
- algo::enum_bit::subset_desc::subset_desc
- algo::enum_bit::subset_size_k::subset_size_k
- algo::enum_bit::superset_asc::super_asc
- algo::enum_bit::superset_desc::superset_desc
- algo::enum_groups::enum_groups
- algo::golden_search::golden_search
- algo::interval_scheduling::interval_scheduling
- algo::inversion_number::inversion_number
- algo::knapsack::limited::knapsack_limited
- algo::knapsack::small_quantity::knapsack_small_quantity
- algo::knapsack::small_value::knapsack_small_value
- algo::knapsack::small_weight::knapsack_small_weight
- algo::knapsack::unlimited::knapsack_unlimited
- algo::lcs::lcs
- algo::lis::lis
- algo::majority_vote::majority_vote
- algo::manacher::manacher
- algo::max_partial_sum::max_partial_sum
- algo::max_rect::max_rect
- algo::max_rect::max_rect_in_histogram
- algo::merge::inplace_merge
- algo::merge::inplace_merge_by
- algo::merge::merge
- algo::monotone_minima::monotone_minima
- algo::num_subseq::num_subseq
- algo::parallel_binary_search::parallel_binary_search
- algo::paren::check_paren
- algo::permutation::next_permutation
- algo::permutation::permutations
- algo::permutation::prev_permutation
- algo::rle::rle
- algo::shakutori::shakutori
- algo::sliding_window::sliding_maximum
- algo::sliding_window::sliding_minimum
- algo::subset_sum::count::subset_sum
- algo::subset_sum::limited::subset_sum_limited
- algo::ternary_search::ternary_search
- algo::zalgo::zalgo
- geom::area_intersection_circle_polygon::area_intersection_circle_polygon
- geom::area_intersection_circles::area_intersection_circles
- geom::area_polygon::area_polygon
- geom::ccw::ccw
- geom::circumcircle::circumcircle
- geom::closest_pair::closest_pair
- geom::common_tangent_circles::common_tangent_circles
- geom::convex::is_convex
- geom::convex_cut::convex_cut
- geom::convex_diameter::convex_diameter
- geom::convex_hull::convex_hull
- geom::convex_hull::half_hull
- geom::dist_line_point::dist_line_point
- geom::dist_segment_point::dist_segment_point
- geom::dist_segments::dist_segments
- geom::incircle::incircle
- geom::intersect_circle_line::intersect_circle_line
- geom::intersect_circle_segment::intersect_circle_segment
- geom::intersect_circles::intersect_circles
- geom::intersect_line_segment::intersect_line_segment
- geom::intersect_segments::intersect_segments
- geom::point_in_polygon::point_in_polygon
- geom::tangent_circle::tangent_circle
- geom_int::arg_sort::arg_sort
- geom_int::closest_pair::closest_pair
- geom_int::convex_hull::convex_hull
- geom_int::convex_hull::half_hull
- graph::articulation_points::articulation_points
- graph::bellman_ford::bellman_ford
- graph::bfs::bfs
- graph::biconnected::biconnected
- graph::bipartite::check_bipartite
- graph::bridges::bridges
- graph::chinese_postman::chinese_postman_problem
- graph::chu_liu_edmonds::chu_liu_edmonds
- graph::cycle::directed_shortest::directed_shortest_cycle
- graph::detect_cycle::detect_cycle
- graph::enumerate_triangles::enumerate_triangles
- graph::kruskal::kruskal
- graph::max_independent_set::max_independent_set
- graph::prim::prim
- graph::tsort::tsort
- graph::tsp::tsp
- graph::two_edge::two_edge_connected_components
- graph::yen::yen_algorithm
- grid::to_graph::grid_to_graph
- linalg::mod_2::determinant::determinant
- linalg::mod_2::gaussian_elim::gaussian_elim
- linalg::mod_2::inverse::inverse
- linalg::mod_2::lineq::lineq
- linalg::mod_p::determinant::determinant
- linalg::mod_p::gaussian_elim::gaussian_elim
- linalg::mod_p::inverse::inverse
- linalg::mod_p::lineq::lineq
- linalg::xor_basis::xor_basis
- math::bell_number::bell_number
- math::bell_number_table::bell_number_table
- math::berlekamp_massey::berlekamp_massey
- math::bernoulli_number::bernoulli_number
- math::continued_fraction::continued_fraction
- math::convolution::conv_and::convolution_and
- math::convolution::conv_gcd::convolution_gcd
- math::convolution::conv_mul_modp::convolution_mul_modp
- math::convolution::conv_or::convolution_or
- math::convolution::conv_xor::convolution_xor
- math::convolution::mobius::fast_mobius_subset
- math::convolution::mobius::fast_mobius_superset
- math::convolution::subset_conv::subset_convolution
- math::convolution::zeta::fast_zeta_subset
- math::convolution::zeta::fast_zeta_superset
- math::count_coprime::count_coprime
- math::crt::crt
- math::crt::crt_vec
- math::divisor::count_divisors
- math::divisor::enumerate_divisors
- math::enumerate_quotients::enumerate_quotients
- math::ext_gcd::ext_gcd
- math::factorial_prime_factor::factorial_prime_factor
- math::factorize::trial::factorize
- math::garner::garner
- math::kth_root::kth_root
- math::linear_congruence::linear_congruence
- math::mod_ops::enum_inv::enumerate_mod_inv
- math::mod_ops::inv::mod_inv
- math::mod_ops::inv_p::mod_inv_p
- math::mod_ops::log::mod_log
- math::mod_ops::pow::mod_pow
- math::mod_ops::sqrt::mod_sqrt
- math::montmort::montmort
- math::nim_product::nim_product_16
- math::nim_product::nim_product_32
- math::nim_product::nim_product_64
- math::nim_product::nim_product_8
- math::number_of_subset_sum::number_of_subset_sum
- math::partition_number::partition_number
- math::primitive_root::primitive_root
- math::stirling_first::stirling_first
- math::stirling_first_table::stirling_first_table
- math::stirling_second::stirling_second
- math::stirling_second_table::stirling_second_table
- math::sum_floor_linear::sum_floor_linear
- math::sum_of_exponential_times_polynomial_limit::sum_of_exponential_times_polynomial_limit
- math::tetration::tetration
- math::totient::totient
- math::totient::totient_table
- math::totient_sum::totient_sum
- misc::bitwise_sum_popcount::bitwise_sum_popcount
- misc::range::range_bounds_to_range
- misc::swap::swap_vv
- mul_graph::dijkstra::dijkstra
- parser::parse_paren::parse_paren
- rand::rand
- tree::centroid::centroids
- tree::rooted_isomorphism::rooted_isomorphism
- tree::rooting::rooting
- tree::utils::tree_diameter
- tree::utils::tree_distance
- tree::utils::tree_height
- tree::utils::tree_path
- typical::double_sigma::difference::sum_of_sum_of_difference
- typical::double_sigma::max::sum_of_sum_of_max
- typical::double_sigma::prod::sum_of_sum_of_prod
- typical::double_sigma::range_prod::sum_of_sum_of_range_prod
- typical::double_sigma::range_sum::sum_of_sum_of_range_sum
- typical::double_sigma::range_xor::sum_of_sum_of_range_xor
- typical::double_sigma::sum::sum_of_sum_of_sum
- typical::double_sigma::xor::sum_of_sum_of_xor