List of all items
Structs
- advanced::AdvancedConfig
- advanced::AdvancedProcessor
- advanced::AdvancedStats
- advanced::AlgorithmMetrics
- advanced::GPUAccelerationContext
- advanced::NeuralRLAgent
- advanced::NeuromorphicProcessor
- advanced::SimplePerformanceMonitor
- advanced::SimplePerformanceReport
- algorithms::coloring::GraphColoring
- algorithms::community::infomap::InfomapResult
- algorithms::community::types::CommunityResult
- algorithms::community::types::CommunityStructure
- algorithms::connectivity::BipartiteResult
- algorithms::hypergraph::HypergraphCut
- algorithms::hypergraph::MinimalTransversal
- algorithms::matching::BipartiteMatching
- algorithms::matching::MaximumMatching
- algorithms::random_walk::BatchRandomWalker
- algorithms::shortest_path::AStarResult
- algorithms::shortest_path::Path
- attributes::AttributeSummary
- attributes::AttributeView
- attributes::AttributedDiGraph
- attributes::AttributedGraph
- base::BipartiteGraph
- base::DiGraph
- base::Hyperedge
- base::Hypergraph
- base::MultiDiGraph
- base::MultiGraph
- base::graph::Graph
- base::types::Edge
- embeddings::core::Embedding
- embeddings::core::EmbeddingModel
- embeddings::deepwalk::DeepWalk
- embeddings::negative_sampling::NegativeSampler
- embeddings::node2vec::Node2Vec
- embeddings::random_walk::RandomWalkGenerator
- embeddings::types::ContextPair
- embeddings::types::DeepWalkConfig
- embeddings::types::Node2VecConfig
- embeddings::types::OptimizationConfig
- embeddings::types::OptimizerState
- embeddings::types::RandomWalk
- embeddings::types::TrainingMetrics
- error::ErrorContext
- graph_memory_profiler::AdvancedMemoryProfiler
- graph_memory_profiler::AllocationEfficiencyAnalysis
- graph_memory_profiler::AllocationPattern
- graph_memory_profiler::EfficiencyAnalysis
- graph_memory_profiler::MemoryExecutionProfile
- graph_memory_profiler::MemoryProfile
- graph_memory_profiler::MemoryProfilerConfig
- graph_memory_profiler::MemoryStats
- graph_memory_profiler::MemoryUsageReport
- graph_memory_profiler::OptimizationOpportunity
- io::json::JsonEdge
- io::json::JsonGraph
- io::json::JsonNode
- io::matrix_market::MatrixMarketHeader
- layout::Position
- measures::HitsScores
- memory::AdvancedMemoryAnalyzer
- memory::FragmentationReport
- memory::MemoryMetrics
- memory::MemoryProfiler
- memory::MemorySample
- memory::MemoryStats
- memory::OptimizationSuggestions
- memory::OptimizedGraphBuilder
- memory::RealTimeMemoryProfiler
- memory::compact::BitPackedGraph
- memory::compact::CSRGraph
- memory::compact::CompressedAdjacencyList
- memory::compact::MemmapGraph
- numerical_accuracy_validation::AccuracyAnalysis
- numerical_accuracy_validation::AdvancedNumericalValidator
- numerical_accuracy_validation::PerformanceAnalysis
- numerical_accuracy_validation::ValidationConfig
- numerical_accuracy_validation::ValidationMetrics
- numerical_accuracy_validation::ValidationReport
- numerical_accuracy_validation::ValidationResult
- numerical_accuracy_validation::ValidationSummary
- numerical_accuracy_validation::ValidationTestCase
- numerical_accuracy_validation::ValidationTolerances
- performance::LargeGraphIterator
- performance::LazyGraphMetric
- performance::MemoryMetrics
- performance::ParallelConfig
- performance::PerformanceMonitor
- performance::PerformanceReport
- performance::RealTimeMemoryProfiler
- performance::StreamingGraphProcessor
- temporal::TemporalEdge
- temporal::TemporalGraph
- temporal::TemporalPath
- temporal::TimeInstant
- temporal::TimeInterval
- weighted::MultiWeight
- weighted::WeightStatistics
Enums
- advanced::ExplorationStrategy
- algorithms::motifs::MotifType
- algorithms::paths::EulerianType
- attributes::AttributeValue
- embeddings::types::LearningRateSchedule
- embeddings::types::NegativeSamplingStrategy
- error::GraphError
- graph_memory_profiler::OptimizationType
- io::GraphFormat
- measures::CentralityType
- memory::compact::HybridGraph
- numerical_accuracy_validation::AlgorithmOutput
- numerical_accuracy_validation::GraphGenerator
- numerical_accuracy_validation::ValidationAlgorithm
- spectral::LaplacianType
- weighted::NormalizationMethod
- weighted::WeightTransform
Traits
- IndexType
- base::IndexType
- base::graph::IndexType
- base::types::EdgeWeight
- base::types::Node
- performance::LargeGraphOps
- weighted::WeightedOps
Functions
- advanced::create_adaptive_advanced_processor
- advanced::create_advanced_processor
- advanced::create_enhanced_advanced_processor
- advanced::create_large_graph_advanced_processor
- advanced::create_memory_efficient_advanced_processor
- advanced::create_performance_advanced_processor
- advanced::create_realtime_advanced_processor
- advanced::execute_with_advanced
- advanced::execute_with_enhanced_advanced
- algorithms::betweenness_centrality
- algorithms::closeness_centrality
- algorithms::coloring::chromatic_number
- algorithms::coloring::greedy_coloring
- algorithms::community::fluid::fluid_communities
- algorithms::community::fluid::fluid_communities_result
- algorithms::community::hierarchical::hierarchical_communities
- algorithms::community::hierarchical::hierarchical_communities_result
- algorithms::community::infomap::infomap_communities
- algorithms::community::label_propagation::label_propagation
- algorithms::community::label_propagation::label_propagation_result
- algorithms::community::louvain::calculate_modularity
- algorithms::community::louvain::louvain_communities
- algorithms::community::louvain::louvain_communities_result
- algorithms::community::modularity::greedy_modularity_optimization
- algorithms::community::modularity::greedy_modularity_optimization_result
- algorithms::community::modularity::modularity
- algorithms::community::modularity::modularity_optimization
- algorithms::community::modularity::modularity_optimization_result
- algorithms::community::parallel::parallel_label_propagation_result
- algorithms::community::parallel::parallel_louvain_communities
- algorithms::community::parallel::parallel_louvain_communities_result
- algorithms::community::parallel::parallel_modularity
- algorithms::connectivity::articulation_points
- algorithms::connectivity::bridges
- algorithms::connectivity::connected_components
- algorithms::connectivity::is_bipartite
- algorithms::connectivity::strongly_connected_components
- algorithms::connectivity::weakly_connected_components
- algorithms::decomposition::k_core_decomposition
- algorithms::eigenvector_centrality
- algorithms::flow::capacity_scaling_max_flow
- algorithms::flow::dinic_max_flow
- algorithms::flow::edmonds_karp_max_flow
- algorithms::flow::ford_fulkerson_max_flow
- algorithms::flow::isap_max_flow
- algorithms::flow::min_cost_max_flow
- algorithms::flow::minimum_cut
- algorithms::flow::multi_source_multi_sink_max_flow
- algorithms::flow::parallel_max_flow
- algorithms::flow::push_relabel_max_flow
- algorithms::hypergraph::hyperedge_connectivity
- algorithms::hypergraph::hypergraph_connected_components
- algorithms::hypergraph::hypergraph_diameter
- algorithms::hypergraph::hypergraph_distance
- algorithms::hypergraph::ishypergraph_connected
- algorithms::hypergraph::minimal_transversals
- algorithms::hypergraph::minimum_vertex_cut
- algorithms::isomorphism::are_graphs_isomorphic
- algorithms::isomorphism::are_graphs_isomorphic_enhanced
- algorithms::isomorphism::find_isomorphism
- algorithms::isomorphism::find_isomorphism_vf2
- algorithms::isomorphism::find_subgraph_matches
- algorithms::matching::maximal_matching
- algorithms::matching::maximum_bipartite_matching
- algorithms::matching::maximum_cardinality_matching
- algorithms::matching::minimum_weight_bipartite_matching
- algorithms::matching::stable_marriage
- algorithms::minimum_spanning_tree
- algorithms::motifs::count_motif_frequencies
- algorithms::motifs::find_motifs
- algorithms::motifs::sample_motif_frequencies
- algorithms::pagerank
- algorithms::paths::eulerian_type
- algorithms::paths::has_hamiltonian_circuit
- algorithms::paths::has_hamiltonian_path
- algorithms::properties::center_nodes
- algorithms::properties::diameter
- algorithms::properties::radius
- algorithms::random_walk::node2vec_walk
- algorithms::random_walk::parallel_node2vec_walks
- algorithms::random_walk::parallel_random_walks
- algorithms::random_walk::personalized_pagerank
- algorithms::random_walk::random_walk
- algorithms::random_walk::simd_random_walk_with_restart
- algorithms::random_walk::transition_matrix
- algorithms::shortest_path::astar_search
- algorithms::shortest_path::astar_search_digraph
- algorithms::shortest_path::dijkstra_path
- algorithms::shortest_path::dijkstra_path_digraph
- algorithms::shortest_path::floyd_warshall
- algorithms::shortest_path::floyd_warshall_digraph
- algorithms::shortest_path::k_shortest_paths
- algorithms::shortest_path::shortest_path
- algorithms::shortest_path::shortest_path_digraph
- algorithms::similarity::cosine_similarity
- algorithms::similarity::graph_edit_distance
- algorithms::similarity::jaccard_similarity
- algorithms::topological_sort
- algorithms::transformations::cartesian_product
- algorithms::transformations::complement
- algorithms::transformations::edge_subgraph
- algorithms::transformations::line_digraph
- algorithms::transformations::line_graph
- algorithms::transformations::subdigraph
- algorithms::transformations::subgraph
- algorithms::transformations::tensor_product
- algorithms::transformations::weight_filtered_subgraph
- algorithms::traversal::bidirectional_search
- algorithms::traversal::bidirectional_search_digraph
- algorithms::traversal::breadth_first_search
- algorithms::traversal::breadth_first_search_digraph
- algorithms::traversal::depth_first_search
- algorithms::traversal::depth_first_search_digraph
- algorithms::traversal::priority_first_search
- algorithms::traversal::priority_first_search_digraph
- generators::barabasi_albert_graph
- generators::complete_graph
- generators::configuration_model
- generators::create_digraph
- generators::create_graph
- generators::cycle_graph
- generators::erdos_renyi_graph
- generators::forest_graph
- generators::grid_2d_graph
- generators::grid_3d_graph
- generators::hexagonal_lattice_graph
- generators::path_graph
- generators::planted_partition_model
- generators::random_spanning_tree
- generators::simple_configuration_model
- generators::star_graph
- generators::stochastic_block_model
- generators::tree_graph
- generators::triangular_lattice_graph
- generators::two_community_sbm
- generators::watts_strogatz_graph
- graph_memory_profiler::create_extreme_stress_memory_profiler
- graph_memory_profiler::create_large_graph_memory_profiler
- graph_memory_profiler::create_memory_profiler
- graph_memory_profiler::generate_profiled_large_graph
- graph_memory_profiler::profile_comprehensive_stress_test
- graph_memory_profiler::run_memory_stress_tests
- io::adjacency_list::read_adjacency_list_format
- io::adjacency_list::read_adjacency_list_format_digraph
- io::adjacency_list::write_adjacency_list_format
- io::adjacency_list::write_adjacency_list_format_digraph
- io::dot::read_dot_format
- io::dot::read_dot_format_digraph
- io::dot::write_dot_format
- io::dot::write_dot_format_digraph
- io::edge_list::read_edge_list_format
- io::edge_list::read_edge_list_format_digraph
- io::edge_list::write_edge_list_format
- io::edge_list::write_edge_list_format_digraph
- io::gml::read_gml_format
- io::gml::read_gml_format_digraph
- io::gml::write_gml_format
- io::gml::write_gml_format_digraph
- io::graphml::read_graphml_format
- io::graphml::read_graphml_format_digraph
- io::graphml::write_graphml_format
- io::graphml::write_graphml_format_digraph
- io::json::read_json_format
- io::json::read_json_format_digraph
- io::json::write_json_format
- io::json::write_json_format_digraph
- io::matrix_market::read_matrix_market_format
- io::matrix_market::read_matrix_market_format_digraph
- io::matrix_market::write_matrix_market_format
- io::matrix_market::write_matrix_market_format_digraph
- io::read_digraph
- io::read_graph
- io::write_digraph
- io::write_graph
- layout::circular_layout
- layout::hierarchical_layout
- layout::spectral_layout
- layout::spring_layout
- measures::centrality
- measures::centrality_digraph
- measures::clustering_coefficient
- measures::graph_density
- measures::graph_density_digraph
- measures::hits_algorithm
- measures::katz_centrality
- measures::katz_centrality_digraph
- measures::pagerank_centrality
- measures::pagerank_centrality_digraph
- measures::parallel_pagerank_centrality
- memory::suggest_optimizations
- numerical_accuracy_validation::create_comprehensive_validation_suite
- numerical_accuracy_validation::run_quick_validation
- performance::cache_friendly_adjacency_matrix
- performance::parallel_degree_computation
- performance::parallel_shortest_paths
- performance::simd_ops::simd_batch_centrality_update
- performance::simd_ops::simd_batch_degree_computation
- performance::simd_ops::simd_cosine_similarity
- performance::simd_ops::simd_dot_product
- performance::simd_ops::simd_euclidean_distance
- performance::simd_ops::simd_normalize
- performance::simd_ops::simd_sparse_matvec
- performance::simd_ops::simd_vector_add
- spectral::algebraic_connectivity
- spectral::laplacian
- spectral::laplacian_digraph
- spectral::normalized_cut
- spectral::parallel_laplacian
- spectral::parallel_spectral_clustering
- spectral::spectral_clustering
- spectral::spectral_radius
- temporal::temporal_betweenness_centrality
- temporal::temporal_reachability
- weighted::utils::merge_weighted_graphs
- weighted::utils::weight_correlation
- weighted::utils::weight_threshold_filter