Dataset Viewer
Auto-converted to Parquet
name
stringclasses
9 values
url
stringclasses
9 values
description
stringclasses
9 values
repo_tree
stringclasses
9 values
tree_depth
int64
4
10
root_name
stringclasses
9 values
Python
https://github.com/TheAlgorithms/Python.git
All Algorithms implemented in Python. This repository is a collection of algorithms and data structures implemented in Python. It is intended to be a resource for learning and reference, as well as a place to contribute new algorithms and data structures.
{"thealgorithms-python.git": {"README.md": null, "CONTRIBUTING.md": null, "DIRECTORY.md": null, "index.md": null, "LICENSE.md": null, "pyproject.toml": null, "requirements.txt": null, "uv.lock": null, ".gitpod.yml": null, ".pre-commit-config.yaml": null, "audio_filters": {"README.md": null, "__init__.py": null, "butterworth_filter.py": null, "equal_loudness_filter.py.broken.txt": null, "iir_filter.py": null, "loudness_curve.json": null, "show_response.py": null}, "backtracking": {"README.md": null, "__init__.py": null, "all_combinations.py": null, "all_permutations.py": null, "all_subsequences.py": null, "coloring.py": null, "combination_sum.py": null, "crossword_puzzle_solver.py": null, "generate_parentheses.py": null, "hamiltonian_cycle.py": null, "knight_tour.py": null, "match_word_pattern.py": null, "minimax.py": null, "n_queens.py": null, "n_queens_math.py": null, "power_sum.py": null, "rat_in_maze.py": null, "sudoku.py": null, "sum_of_subsets.py": null, "word_break.py": null, "word_ladder.py": null, "word_search.py": null}, "bit_manipulation": {"README.md": null, "__init__.py": null, "binary_and_operator.py": null, "binary_coded_decimal.py": null, "binary_count_setbits.py": null, "binary_count_trailing_zeros.py": null, "binary_or_operator.py": null, "binary_shifts.py": null, "binary_twos_complement.py": null, "binary_xor_operator.py": null, "bitwise_addition_recursive.py": null, "count_1s_brian_kernighan_method.py": null, "count_number_of_one_bits.py": null, "excess_3_code.py": null, "find_previous_power_of_two.py": null, "find_unique_number.py": null, "gray_code_sequence.py": null, "highest_set_bit.py": null, "index_of_rightmost_set_bit.py": null, "is_even.py": null, "is_power_of_two.py": null, "largest_pow_of_two_le_num.py": null, "missing_number.py": null, "numbers_different_signs.py": null, "power_of_4.py": null, "reverse_bits.py": null, "single_bit_manipulation_operations.py": null, "swap_all_odd_and_even_bits.py": null}, "blockchain": {"README.md": null, "__init__.py": null, "diophantine_equation.py": null}, "boolean_algebra": {"README.md": null, "__init__.py": null, "and_gate.py": null, "imply_gate.py": null, "karnaugh_map_simplification.py": null, "multiplexer.py": null, "nand_gate.py": null, "nimply_gate.py": null, "nor_gate.py": null, "not_gate.py": null, "or_gate.py": null, "quine_mc_cluskey.py": null, "xnor_gate.py": null, "xor_gate.py": null}, "cellular_automata": {"README.md": null, "__init__.py": null, "conways_game_of_life.py": null, "game_of_life.py": null, "langtons_ant.py": null, "nagel_schrekenberg.py": null, "one_dimensional.py": null, "wa_tor.py": null}, "ciphers": {"README.md": null, "__init__.py": null, "a1z26.py": null, "affine_cipher.py": null, "atbash.py": null, "autokey.py": null, "baconian_cipher.py": null, "base16.py": null, "base32.py": null, "base64_cipher.py": null, "base85.py": null, "beaufort_cipher.py": null, "bifid.py": null, "brute_force_caesar_cipher.py": null, "caesar_cipher.py": null, "cryptomath_module.py": null, "decrypt_caesar_with_chi_squared.py": null, "deterministic_miller_rabin.py": null, "diffie.py": null, "diffie_hellman.py": null, "elgamal_key_generator.py": null, "enigma_machine2.py": null, "fractionated_morse_cipher.py": null, "gronsfeld_cipher.py": null, "hill_cipher.py": null, "mixed_keyword_cypher.py": null, "mono_alphabetic_ciphers.py": null, "morse_code.py": null, "onepad_cipher.py": null, "permutation_cipher.py": null, "playfair_cipher.py": null, "polybius.py": null, "porta_cipher.py": null, "prehistoric_men.txt": null, "rabin_miller.py": null, "rail_fence_cipher.py": null, "rot13.py": null, "rsa_cipher.py": null, "rsa_factorization.py": null, "rsa_key_generator.py": null, "running_key_cipher.py": null, "shuffled_shift_cipher.py": null, "simple_keyword_cypher.py": null, "simple_substitution_cipher.py": null, "transposition_cipher.py": null, "transposition_cipher_encrypt_decrypt_file.py": null, "trifid_cipher.py": null, "vernam_cipher.py": null, "vigenere_cipher.py": null, "xor_cipher.py": null}, "computer_vision": {"README.md": null, "__init__.py": null, "cnn_classification.py": null, "flip_augmentation.py": null, "haralick_descriptors.py": null, "harris_corner.py": null, "horn_schunck.py": null, "intensity_based_segmentation.py": null, "mean_threshold.py": null, "mosaic_augmentation.py": null, "pooling_functions.py": null}, "conversions": {"README.md": null, "__init__.py": null, "astronomical_length_scale_conversion.py": null, "binary_to_decimal.py": null, "binary_to_hexadecimal.py": null, "binary_to_octal.py": null, "convert_number_to_words.py": null, "decimal_to_any.py": null, "decimal_to_binary.py": null, "decimal_to_hexadecimal.py": null, "decimal_to_octal.py": null, "energy_conversions.py": null, "excel_title_to_column.py": null, "hex_to_bin.py": null, "hexadecimal_to_decimal.py": null, "ipv4_conversion.py": null, "length_conversion.py": null, "molecular_chemistry.py": null, "octal_to_binary.py": null, "octal_to_decimal.py": null, "octal_to_hexadecimal.py": null, "prefix_conversions.py": null, "prefix_conversions_string.py": null, "pressure_conversions.py": null, "rectangular_to_polar.py": null, "rgb_cmyk_conversion.py": null, "rgb_hsv_conversion.py": null, "roman_numerals.py": null, "speed_conversions.py": null, "temperature_conversions.py": null, "time_conversions.py": null, "volume_conversions.py": null, "weight_conversion.py": null}, "data_compression": {"README.md": null, "__init__.py": null, "burrows_wheeler.py": null, "huffman.py": null, "lempel_ziv.py": null, "lempel_ziv_decompress.py": null, "lz77.py": null, "peak_signal_to_noise_ratio.py": null, "run_length_encoding.py": null}, "data_structures": {"__init__.py": null, "arrays": {"__init__.py": null, "equilibrium_index_in_array.py": null, "find_triplets_with_0_sum.py": null, "index_2d_array_in_1d.py": null, "kth_largest_element.py": null, "median_two_array.py": null, "monotonic_array.py": null, "pairs_with_given_sum.py": null, "permutations.py": null, "prefix_sum.py": null, "product_sum.py": null, "sparse_table.py": null, "sudoku_solver.py": null}, "binary_tree": {"README.md": null, "__init__.py": null, "avl_tree.py": null, "basic_binary_tree.py": null, "binary_search_tree.py": null, "binary_search_tree_recursive.py": null, "binary_tree_mirror.py": null, "binary_tree_node_sum.py": null, "binary_tree_path_sum.py": null, "binary_tree_traversals.py": null, "diameter_of_binary_tree.py": null, "diff_views_of_binary_tree.py": null, "distribute_coins.py": null, "fenwick_tree.py": null, "flatten_binarytree_to_linkedlist.py": null, "floor_and_ceiling.py": null, "inorder_tree_traversal_2022.py": null, "is_sorted.py": null, "is_sum_tree.py": null, "lazy_segment_tree.py": null, "lowest_common_ancestor.py": null, "maximum_fenwick_tree.py": null, "maximum_sum_bst.py": null, "merge_two_binary_trees.py": null, "mirror_binary_tree.py": null, "non_recursive_segment_tree.py": null, "number_of_possible_binary_trees.py": null, "red_black_tree.py": null, "segment_tree.py": null, "segment_tree_other.py": null, "serialize_deserialize_binary_tree.py": null, "symmetric_tree.py": null, "treap.py": null, "wavelet_tree.py": null}, "disjoint_set": {"__init__.py": null, "alternate_disjoint_set.py": null, "disjoint_set.py": null}, "hashing": {"__init__.py": null, "bloom_filter.py": null, "double_hash.py": null, "hash_map.py": null, "hash_table.py": null, "hash_table_with_linked_list.py": null, "quadratic_probing.py": null, "number_theory": {"__init__.py": null, "prime_numbers.py": null}, "tests": {"__init__.py": null, "test_hash_map.py": null}}, "heap": {"__init__.py": null, "binomial_heap.py": null, "heap.py": null, "heap_generic.py": null, "max_heap.py": null, "min_heap.py": null, "randomized_heap.py": null, "skew_heap.py": null}, "kd_tree": {"__init__.py": null, "build_kdtree.py": null, "kd_node.py": null, "nearest_neighbour_search.py": null, "example": {"__init__.py": null, "example_usage.py": null, "hypercube_points.py": null}, "tests": {"__init__.py": null, "test_kdtree.py": null}}, "linked_list": {"__init__.py": null, "circular_linked_list.py": null, "deque_doubly.py": null, "doubly_linked_list.py": null, "doubly_linked_list_two.py": null, "floyds_cycle_detection.py": null, "from_sequence.py": null, "has_loop.py": null, "is_palindrome.py": null, "merge_two_lists.py": null, "middle_element_of_linked_list.py": null, "print_reverse.py": null, "reverse_k_group.py": null, "rotate_to_the_right.py": null, "singly_linked_list.py": null, "skip_list.py": null, "swap_nodes.py": null}, "queues": {"__init__.py": null, "circular_queue.py": null, "circular_queue_linked_list.py": null, "double_ended_queue.py": null, "linked_queue.py": null, "priority_queue_using_list.py": null, "queue_by_list.py": null, "queue_by_two_stacks.py": null, "queue_on_pseudo_stack.py": null}, "stacks": {"__init__.py": null, "balanced_parentheses.py": null, "dijkstras_two_stack_algorithm.py": null, "infix_to_postfix_conversion.py": null, "infix_to_prefix_conversion.py": null, "largest_rectangle_histogram.py": null, "lexicographical_numbers.py": null, "next_greater_element.py": null, "postfix_evaluation.py": null, "prefix_evaluation.py": null, "stack.py": null, "stack_using_two_queues.py": null, "stack_with_doubly_linked_list.py": null, "stack_with_singly_linked_list.py": null, "stock_span_problem.py": null}, "suffix_tree": {"__init__.py": null, "suffix_tree.py": null, "suffix_tree_node.py": null, "example": {"__init__.py": null, "example_usage.py": null}, "tests": {"__init__.py": null, "test_suffix_tree.py": null}}, "trie": {"__init__.py": null, "radix_tree.py": null, "trie.py": null}}, "digital_image_processing": {"__init__.py": null, "change_brightness.py": null, "change_contrast.py": null, "convert_to_negative.py": null, "index_calculation.py": null, "sepia.py": null, "test_digital_image_processing.py": null, "dithering": {"__init__.py": null, "burkes.py": null}, "edge_detection": {"__init__.py": null, "canny.py": null}, "filters": {"__init__.py": null, "bilateral_filter.py": null, "convolve.py": null, "gabor_filter.py": null, "gaussian_filter.py": null, "laplacian_filter.py": null, "local_binary_pattern.py": null, "median_filter.py": null, "sobel_filter.py": null}, "histogram_equalization": {"__init__.py": null, "histogram_stretch.py": null, "image_data": {"__init__.py": null}, "output_data": {"__init__.py": null}}, "image_data": {"__init__.py": null}, "morphological_operations": {"__init__.py": null, "dilation_operation.py": null, "erosion_operation.py": null}, "resize": {"__init__.py": null, "resize.py": null}, "rotation": {"__init__.py": null, "rotation.py": null}}, "divide_and_conquer": {"__init__.py": null, "closest_pair_of_points.py": null, "convex_hull.py": null, "heaps_algorithm.py": null, "heaps_algorithm_iterative.py": null, "inversions.py": null, "kth_order_statistic.py": null, "max_difference_pair.py": null, "max_subarray.py": null, "mergesort.py": null, "peak.py": null, "power.py": null, "strassen_matrix_multiplication.py": null}, "docs": {"__init__.py": null, "conf.py": null, "source": {"__init__.py": null}}, "dynamic_programming": {"__init__.py": null, "abbreviation.py": null, "all_construct.py": null, "bitmask.py": null, "catalan_numbers.py": null, "climbing_stairs.py": null, "combination_sum_iv.py": null, "edit_distance.py": null, "factorial.py": null, "fast_fibonacci.py": null, "fibonacci.py": null, "fizz_buzz.py": null, "floyd_warshall.py": null, "integer_partition.py": null, "iterating_through_submasks.py": null, "k_means_clustering_tensorflow.py": null, "knapsack.py": null, "largest_divisible_subset.py": null, "longest_common_subsequence.py": null, "longest_common_substring.py": null, "longest_increasing_subsequence.py": null, "longest_increasing_subsequence_iterative.py": null, "longest_increasing_subsequence_o_nlogn.py": null, "longest_palindromic_subsequence.py": null, "matrix_chain_multiplication.py": null, "matrix_chain_order.py": null, "max_non_adjacent_sum.py": null, "max_product_subarray.py": null, "max_subarray_sum.py": null, "min_distance_up_bottom.py": null, "minimum_coin_change.py": null, "minimum_cost_path.py": null, "minimum_partition.py": null, "minimum_size_subarray_sum.py": null, "minimum_squares_to_represent_a_number.py": null, "minimum_steps_to_one.py": null, "minimum_tickets_cost.py": null, "optimal_binary_search_tree.py": null, "palindrome_partitioning.py": null, "range_sum_query.py": null, "regex_match.py": null, "rod_cutting.py": null, "smith_waterman.py": null, "subset_generation.py": null, "sum_of_subset.py": null, "trapped_water.py": null, "tribonacci.py": null, "viterbi.py": null, "wildcard_matching.py": null, "word_break.py": null}, "electronics": {"__init__.py": null, "apparent_power.py": null, "builtin_voltage.py": null, "capacitor_equivalence.py": null, "carrier_concentration.py": null, "charging_capacitor.py": null, "charging_inductor.py": null, "circular_convolution.py": null, "coulombs_law.py": null, "electric_conductivity.py": null, "electric_power.py": null, "electrical_impedance.py": null, "ic_555_timer.py": null, "ind_reactance.py": null, "ohms_law.py": null, "real_and_reactive_power.py": null, "resistor_color_code.py": null, "resistor_equivalence.py": null, "resonant_frequency.py": null, "wheatstone_bridge.py": null}, "file_transfer": {"__init__.py": null, "mytext.txt": null, "receive_file.py": null, "send_file.py": null, "tests": {"__init__.py": null, "test_send_file.py": null}}, "financial": {"README.md": null, "__init__.py": null, "equated_monthly_installments.py": null, "exponential_moving_average.py": null, "interest.py": null, "present_value.py": null, "price_plus_tax.py": null, "simple_moving_average.py": null, "straight_line_depreciation.py": null, "time_and_half_pay.py": null}, "fractals": {"__init__.py": null, "julia_sets.py": null, "koch_snowflake.py": null, "mandelbrot.py": null, "sierpinski_triangle.py": null, "vicsek.py": null}, "fuzzy_logic": {"__init__.py": null, "fuzzy_operations.py": null, "fuzzy_operations.py.DISABLED.txt": null}, "genetic_algorithm": {"__init__.py": null, "basic_string.py": null}, "geodesy": {"__init__.py": null, "haversine_distance.py": null, "lamberts_ellipsoidal_distance.py": null}, "geometry": {"__init__.py": null, "geometry.py": null}, "graphics": {"__init__.py": null, "bezier_curve.py": null, "butterfly_pattern.py": null, "digital_differential_analyzer_line.py": null, "vector3_for_2d_rendering.py": null}, "graphs": {"__init__.py": null, "a_star.py": null, "ant_colony_optimization_algorithms.py": null, "articulation_points.py": null, "basic_graphs.py": null, "bellman_ford.py": null, "bi_directional_dijkstra.py": null, "bidirectional_a_star.py": null, "bidirectional_breadth_first_search.py": null, "bidirectional_search.py": null, "boruvka.py": null, "breadth_first_search.py": null, "breadth_first_search_2.py": null, "breadth_first_search_shortest_path.py": null, "breadth_first_search_shortest_path_2.py": null, "breadth_first_search_zero_one_shortest_path.py": null, "check_bipatrite.py": null, "check_cycle.py": null, "connected_components.py": null, "deep_clone_graph.py": null, "depth_first_search.py": null, "depth_first_search_2.py": null, "dijkstra.py": null, "dijkstra_2.py": null, "dijkstra_algorithm.py": null, "dijkstra_alternate.py": null, "dijkstra_binary_grid.py": null, "dinic.py": null, "directed_and_undirected_weighted_graph.py": null, "edmonds_karp_multiple_source_and_sink.py": null, "eulerian_path_and_circuit_for_undirected_graph.py": null, "even_tree.py": null, "finding_bridges.py": null, "frequent_pattern_graph_miner.py": null, "g_topological_sort.py": null, "gale_shapley_bigraph.py": null, "graph_adjacency_list.py": null, "graph_adjacency_matrix.py": null, "graph_list.py": null, "graphs_floyd_warshall.py": null, "greedy_best_first.py": null, "greedy_min_vertex_cover.py": null, "kahns_algorithm_long.py": null, "kahns_algorithm_topo.py": null, "karger.py": null, "lanczos_eigenvectors.py": null, "markov_chain.py": null, "matching_min_vertex_cover.py": null, "minimum_path_sum.py": null, "minimum_spanning_tree_boruvka.py": null, "minimum_spanning_tree_kruskal.py": null, "minimum_spanning_tree_kruskal2.py": null, "minimum_spanning_tree_prims.py": null, "minimum_spanning_tree_prims2.py": null, "multi_heuristic_astar.py": null, "page_rank.py": null, "prim.py": null, "random_graph_generator.py": null, "scc_kosaraju.py": null, "strongly_connected_components.py": null, "tarjans_scc.py": null, "tests": {"__init__.py": null, "test_min_spanning_tree_kruskal.py": null, "test_min_spanning_tree_prim.py": null}}, "greedy_methods": {"__init__.py": null, "best_time_to_buy_and_sell_stock.py": null, "fractional_cover_problem.py": null, "fractional_knapsack.py": null, "fractional_knapsack_2.py": null, "gas_station.py": null, "minimum_coin_change.py": null, "minimum_waiting_time.py": null, "optimal_merge_pattern.py": null, "smallest_range.py": null}, "hashes": {"README.md": null, "__init__.py": null, "adler32.py": null, "chaos_machine.py": null, "djb2.py": null, "elf.py": null, "enigma_machine.py": null, "fletcher16.py": null, "hamming_code.py": null, "luhn.py": null, "md5.py": null, "sdbm.py": null, "sha1.py": null, "sha256.py": null}, "knapsack": {"README.md": null, "__init__.py": null, "greedy_knapsack.py": null, "knapsack.py": null, "recursive_approach_knapsack.py": null, "tests": {"__init__.py": null, "test_greedy_knapsack.py": null, "test_knapsack.py": null}}, "linear_algebra": {"README.md": null, "__init__.py": null, "gaussian_elimination.py": null, "jacobi_iteration_method.py": null, "lu_decomposition.py": null, "matrix_inversion.py": null, "src": {"__init__.py": null, "conjugate_gradient.py": null, "gaussian_elimination_pivoting.py": null, "lib.py": null, "polynom_for_points.py": null, "power_iteration.py": null, "rank_of_matrix.py": null, "rayleigh_quotient.py": null, "schur_complement.py": null, "test_linear_algebra.py": null, "transformations_2d.py": null}}, "linear_programming": {"__init__.py": null, "simplex.py": null}, "machine_learning": {"__init__.py": null, "apriori_algorithm.py": null, "astar.py": null, "automatic_differentiation.py": null, "data_transformations.py": null, "decision_tree.py": null, "dimensionality_reduction.py": null, "frequent_pattern_growth.py": null, "gaussian_naive_bayes.py.broken.txt": null, "gradient_boosting_classifier.py": null, "gradient_boosting_regressor.py.broken.txt": null, "gradient_descent.py": null, "k_means_clust.py": null, "k_nearest_neighbours.py": null, "linear_discriminant_analysis.py": null, "linear_regression.py": null, "logistic_regression.py": null, "loss_functions.py": null, "mfcc.py": null, "multilayer_perceptron_classifier.py": null, "polynomial_regression.py": null, "principle_component_analysis.py": null, "random_forest_classifier.py.broken.txt": null, "random_forest_regressor.py.broken.txt": null, "scoring_functions.py": null, "self_organizing_map.py": null, "sequential_minimum_optimization.py": null, "similarity_search.py": null, "support_vector_machines.py": null, "word_frequency_functions.py": null, "xgboost_classifier.py": null, "xgboost_regressor.py": null, "forecasting": {"__init__.py": null, "ex_data.csv": null, "run.py": null}, "local_weighted_learning": {"README.md": null, "__init__.py": null, "local_weighted_learning.py": null}, "lstm": {"__init__.py": null, "lstm_prediction.py": null, "sample_data.csv": null}}, "maths": {"__init__.py": null, "abs.py": null, "addition_without_arithmetic.py": null, "aliquot_sum.py": null, "allocation_number.py": null, "arc_length.py": null, "area.py": null, "area_under_curve.py": null, "average_absolute_deviation.py": null, "average_mean.py": null, "average_median.py": null, "average_mode.py": null, "bailey_borwein_plouffe.py": null, "base_neg2_conversion.py": null, "basic_maths.py": null, "binary_exponentiation.py": null, "binary_multiplication.py": null, "binomial_coefficient.py": null, "binomial_distribution.py": null, "ceil.py": null, "chebyshev_distance.py": null, "check_polygon.py": null, "chinese_remainder_theorem.py": null, "chudnovsky_algorithm.py": null, "collatz_sequence.py": null, "combinations.py": null, "continued_fraction.py": null, "decimal_isolate.py": null, "decimal_to_fraction.py": null, "dodecahedron.py": null, "double_factorial.py": null, "dual_number_automatic_differentiation.py": null, "entropy.py": null, "euclidean_distance.py": null, "euler_method.py": null, "euler_modified.py": null, "eulers_totient.py": null, "extended_euclidean_algorithm.py": null, "factorial.py": null, "factors.py": null, "fast_inverse_sqrt.py": null, "fermat_little_theorem.py": null, "fibonacci.py": null, "find_max.py": null, "find_min.py": null, "floor.py": null, "gamma.py": null, "gaussian.py": null, "gcd_of_n_numbers.py": null, "geometric_mean.py": null, "germain_primes.py": null, "greatest_common_divisor.py": null, "hardy_ramanujanalgo.py": null, "integer_square_root.py": null, "interquartile_range.py": null, "is_int_palindrome.py": null, "is_ip_v4_address_valid.py": null, "is_square_free.py": null, "jaccard_similarity.py": null, "joint_probability_distribution.py": null, "josephus_problem.py": null, "juggler_sequence.py": null, "karatsuba.py": null, "kth_lexicographic_permutation.py": null, "largest_of_very_large_numbers.py": null, "least_common_multiple.py": null, "line_length.py": null, "liouville_lambda.py": null, "lucas_lehmer_primality_test.py": null, "lucas_series.py": null, "maclaurin_series.py": null, "manhattan_distance.py": null, "matrix_exponentiation.py": null, "max_sum_sliding_window.py": null, "minkowski_distance.py": null, "mobius_function.py": null, "modular_division.py": null, "modular_exponential.py": null, "monte_carlo.py": null, "monte_carlo_dice.py": null, "number_of_digits.py": null, "odd_sieve.py": null, "perfect_cube.py": null, "perfect_number.py": null, "perfect_square.py": null, "persistence.py": null, "pi_generator.py": null, "pi_monte_carlo_estimation.py": null, "points_are_collinear_3d.py": null, "pollard_rho.py": null, "polynomial_evaluation.py": null, "power_using_recursion.py": null, "prime_check.py": null, "prime_factors.py": null, "prime_numbers.py": null, "prime_sieve_eratosthenes.py": null, "primelib.py": null, "print_multiplication_table.py": null, "pythagoras.py": null, "qr_decomposition.py": null, "quadratic_equations_complex_numbers.py": null, "radians.py": null, "radix2_fft.py": null, "remove_digit.py": null, "segmented_sieve.py": null, "sieve_of_eratosthenes.py": null, "sigmoid.py": null, "signum.py": null, "simultaneous_linear_equation_solver.py": null, "sin.py": null, "sock_merchant.py": null, "softmax.py": null, "solovay_strassen_primality_test.py": null, "spearman_rank_correlation_coefficient.py": null, "sum_of_arithmetic_series.py": null, "sum_of_digits.py": null, "sum_of_geometric_progression.py": null, "sum_of_harmonic_series.py": null, "sumset.py": null, "sylvester_sequence.py": null, "tanh.py": null, "test_factorial.py": null, "test_prime_check.py": null, "three_sum.py": null, "trapezoidal_rule.py": null, "triplet_sum.py": null, "twin_prime.py": null, "two_pointer.py": null, "two_sum.py": null, "volume.py": null, "zellers_congruence.py": null, "images": {"__init__.py": null}, "numerical_analysis": {"__init__.py": null, "adams_bashforth.py": null, "bisection.py": null, "bisection_2.py": null, "integration_by_simpson_approx.py": null, "intersection.py": null, "nevilles_method.py": null, "newton_forward_interpolation.py": null, "newton_raphson.py": null, "numerical_integration.py": null, "proper_fractions.py": null, "runge_kutta.py": null, "runge_kutta_fehlberg_45.py": null, "runge_kutta_gills.py": null, "secant_method.py": null, "simpson_rule.py": null, "square_root.py": null}, "polynomials": {"__init__.py": null, "single_indeterminate_operations.py": null}, "series": {"__init__.py": null, "arithmetic.py": null, "geometric.py": null, "geometric_series.py": null, "harmonic.py": null, "harmonic_series.py": null, "hexagonal_numbers.py": null, "p_series.py": null}, "special_numbers": {"__init__.py": null, "armstrong_numbers.py": null, "automorphic_number.py": null, "bell_numbers.py": null, "carmichael_number.py": null, "catalan_number.py": null, "hamming_numbers.py": null, "happy_number.py": null, "harshad_numbers.py": null, "hexagonal_number.py": null, "krishnamurthy_number.py": null, "perfect_number.py": null, "polygonal_numbers.py": null, "pronic_number.py": null, "proth_number.py": null, "triangular_numbers.py": null, "ugly_numbers.py": null, "weird_number.py": null}}, "matrix": {"__init__.py": null, "binary_search_matrix.py": null, "count_islands_in_matrix.py": null, "count_negative_numbers_in_sorted_matrix.py": null, "count_paths.py": null, "cramers_rule_2x2.py": null, "inverse_of_matrix.py": null, "largest_square_area_in_matrix.py": null, "matrix_based_game.py": null, "matrix_class.py": null, "matrix_equalization.py": null, "matrix_multiplication_recursion.py": null, "matrix_operation.py": null, "max_area_of_island.py": null, "median_matrix.py": null, "nth_fibonacci_using_matrix_exponentiation.py": null, "pascal_triangle.py": null, "rotate_matrix.py": null, "searching_in_sorted_matrix.py": null, "sherman_morrison.py": null, "spiral_print.py": null, "validate_sudoku_board.py": null, "tests": {"__init__.py": null, "pytest.ini": null, "test_matrix_operation.py": null}}, "networking_flow": {"__init__.py": null, "ford_fulkerson.py": null, "minimum_cut.py": null}, "neural_network": {"__init__.py": null, "back_propagation_neural_network.py": null, "convolution_neural_network.py": null, "gan.py_tf": null, "input_data.py": null, "perceptron.py.DISABLED": null, "simple_neural_network.py": null, "two_hidden_layers_neural_network.py": null, "activation_functions": {"__init__.py": null, "binary_step.py": null, "exponential_linear_unit.py": null, "gaussian_error_linear_unit.py": null, "leaky_rectified_linear_unit.py": null, "mish.py": null, "rectified_linear_unit.py": null, "scaled_exponential_linear_unit.py": null, "soboleva_modified_hyperbolic_tangent.py": null, "softplus.py": null, "squareplus.py": null, "swish.py": null}}, "other": {"__init__.py": null, "activity_selection.py": null, "alternative_list_arrange.py": null, "bankers_algorithm.py": null, "davis_putnam_logemann_loveland.py": null, "doomsday.py": null, "fischer_yates_shuffle.py": null, "gauss_easter.py": null, "graham_scan.py": null, "greedy.py": null, "guess_the_number_search.py": null, "h_index.py": null, "least_recently_used.py": null, "lfu_cache.py": null, "linear_congruential_generator.py": null, "lru_cache.py": null, "magicdiamondpattern.py": null, "majority_vote_algorithm.py": null, "maximum_subsequence.py": null, "nested_brackets.py": null, "number_container_system.py": null, "password.py": null, "quine.py": null, "scoring_algorithm.py": null, "sdes.py": null, "tower_of_hanoi.py": null, "word_search.py": null}, "physics": {"__init__.py": null, "altitude_pressure.py": null, "archimedes_principle_of_buoyant_force.py": null, "basic_orbital_capture.py": null, "casimir_effect.py": null, "center_of_mass.py": null, "centripetal_force.py": null, "coulombs_law.py": null, "doppler_frequency.py": null, "escape_velocity.py": null, "grahams_law.py": null, "horizontal_projectile_motion.py": null, "hubble_parameter.py": null, "ideal_gas_law.py": null, "in_static_equilibrium.py": null, "kinetic_energy.py": null, "lens_formulae.py": null, "lorentz_transformation_four_vector.py": null, "malus_law.py": null, "mass_energy_equivalence.py": null, "mirror_formulae.py": null, "n_body_simulation.py": null, "newtons_law_of_gravitation.py": null, "newtons_second_law_of_motion.py": null, "orbital_transfer_work.py": null, "period_of_pendulum.py": null, "photoelectric_effect.py": null, "potential_energy.py": null, "rainfall_intensity.py": null, "reynolds_number.py": null, "rms_speed_of_molecule.py": null, "shear_stress.py": null, "speed_of_sound.py": null, "speeds_of_gas_molecules.py": null, "terminal_velocity.py": null, "image_data": {"__init__.py": null}}, "project_euler": {"README.md": null, "__init__.py": null, "problem_001": {"__init__.py": null, "sol1.py": null, "sol2.py": null, "sol3.py": null, "sol4.py": null, "sol5.py": null, "sol6.py": null, "sol7.py": null}, "problem_002": {"__init__.py": null, "sol1.py": null, "sol2.py": null, "sol3.py": null, "sol4.py": null, "sol5.py": null}, "problem_003": {"__init__.py": null, "sol1.py": null, "sol2.py": null, "sol3.py": null}, "problem_004": {"__init__.py": null, "sol1.py": null, "sol2.py": null}, "problem_005": {"__init__.py": null, "sol1.py": null, "sol2.py": null}, "problem_006": {"__init__.py": null, "sol1.py": null, "sol2.py": null, "sol3.py": null, "sol4.py": null}, "problem_007": {"__init__.py": null, "sol1.py": null, "sol2.py": null, "sol3.py": null}, "problem_008": {"__init__.py": null, "sol1.py": null, "sol2.py": null, "sol3.py": null}, "problem_009": {"__init__.py": null, "sol1.py": null, "sol2.py": null, "sol3.py": null}, "problem_010": {"__init__.py": null, "sol1.py": null, "sol2.py": null, "sol3.py": null}, "problem_011": {"__init__.py": null, "grid.txt": null, "sol1.py": null, "sol2.py": null}, "problem_012": {"__init__.py": null, "sol1.py": null, "sol2.py": null}, "problem_013": {"__init__.py": null, "num.txt": null, "sol1.py": null}, "problem_014": {"__init__.py": null, "sol1.py": null, "sol2.py": null}, "problem_015": {"__init__.py": null, "sol1.py": null}, "problem_016": {"__init__.py": null, "sol1.py": null, "sol2.py": null}, "problem_017": {"__init__.py": null, "sol1.py": null}, "problem_018": {"__init__.py": null, "solution.py": null, "triangle.txt": null}, "problem_019": {"__init__.py": null, "sol1.py": null}, "problem_020": {"__init__.py": null, "sol1.py": null, "sol2.py": null, "sol3.py": null, "sol4.py": null}, "problem_021": {"__init__.py": null, "sol1.py": null}, "problem_022": {"__init__.py": null, "p022_names.txt": null, "sol1.py": null, "sol2.py": null}, "problem_023": {"__init__.py": null, "sol1.py": null}, "problem_024": {"__init__.py": null, "sol1.py": null}, "problem_025": {"__init__.py": null, "sol1.py": null, "sol2.py": null, "sol3.py": null}, "problem_026": {"__init__.py": null, "sol1.py": null}, "problem_027": {"__init__.py": null, "sol1.py": null}, "problem_028": {"__init__.py": null, "sol1.py": null}, "problem_029": {"__init__.py": null, "sol1.py": null}, "problem_030": {"__init__.py": null, "sol1.py": null}, "problem_031": {"__init__.py": null, "sol1.py": null, "sol2.py": null}, "problem_032": {"__init__.py": null, "sol32.py": null}, "problem_033": {"__init__.py": null, "sol1.py": null}, "problem_034": {"__init__.py": null, "sol1.py": null}, "problem_035": {"__init__.py": null, "sol1.py": null}, "problem_036": {"__init__.py": null, "sol1.py": null}, "problem_037": {"__init__.py": null, "sol1.py": null}, "problem_038": {"__init__.py": null, "sol1.py": null}, "problem_039": {"__init__.py": null, "sol1.py": null}, "problem_040": {"__init__.py": null, "sol1.py": null}, "problem_041": {"__init__.py": null, "sol1.py": null}, "problem_042": {"__init__.py": null, "solution42.py": null, "words.txt": null}, "problem_043": {"__init__.py": null, "sol1.py": null}, "problem_044": {"__init__.py": null, "sol1.py": null}, "problem_045": {"__init__.py": null, "sol1.py": null}, "problem_046": {"__init__.py": null, "sol1.py": null}, "problem_047": {"__init__.py": null, "sol1.py": null}, "problem_048": {"__init__.py": null, "sol1.py": null}, "problem_049": {"__init__.py": null, "sol1.py": null}, "problem_050": {"__init__.py": null, "sol1.py": null}, "problem_051": {"__init__.py": null, "sol1.py": null}, "problem_052": {"__init__.py": null, "sol1.py": null}, "problem_053": {"__init__.py": null, "sol1.py": null}, "problem_054": {"__init__.py": null, "poker_hands.txt": null, "sol1.py": null, "test_poker_hand.py": null}, "problem_055": {"__init__.py": null, "sol1.py": null}, "problem_056": {"__init__.py": null, "sol1.py": null}, "problem_057": {"__init__.py": null, "sol1.py": null}, "problem_058": {"__init__.py": null, "sol1.py": null}, "problem_059": {"__init__.py": null, "p059_cipher.txt": null, "sol1.py": null, "test_cipher.txt": null}, "problem_062": {"__init__.py": null, "sol1.py": null}, "problem_063": {"__init__.py": null, "sol1.py": null}, "problem_064": {"__init__.py": null, "sol1.py": null}, "problem_065": {"__init__.py": null, "sol1.py": null}, "problem_067": {"__init__.py": null, "sol1.py": null, "sol2.py": null, "triangle.txt": null}, "problem_068": {"__init__.py": null, "sol1.py": null}, "problem_069": {"__init__.py": null, "sol1.py": null}, "problem_070": {"__init__.py": null, "sol1.py": null}, "problem_071": {"__init__.py": null, "sol1.py": null}, "problem_072": {"__init__.py": null, "sol1.py": null, "sol2.py": null}, "problem_073": {"__init__.py": null, "sol1.py": null}, "problem_074": {"__init__.py": null, "sol1.py": null, "sol2.py": null}, "problem_075": {"__init__.py": null, "sol1.py": null}, "problem_076": {"__init__.py": null, "sol1.py": null}, "problem_077": {"__init__.py": null, "sol1.py": null}, "problem_078": {"__init__.py": null, "sol1.py": null}, "problem_079": {"__init__.py": null, "keylog.txt": null, "keylog_test.txt": null, "sol1.py": null}, "problem_080": {"__init__.py": null, "sol1.py": null}, "problem_081": {"__init__.py": null, "matrix.txt": null, "sol1.py": null}, "problem_082": {"__init__.py": null, "input.txt": null, "sol1.py": null, "test_matrix.txt": null}, "problem_085": {"__init__.py": null, "sol1.py": null}, "problem_086": {"__init__.py": null, "sol1.py": null}, "problem_087": {"__init__.py": null, "sol1.py": null}, "problem_089": {"__init__.py": null, "numeralcleanup_test.txt": null, "p089_roman.txt": null, "sol1.py": null}, "problem_091": {"__init__.py": null, "sol1.py": null}, "problem_092": {"__init__.py": null, "sol1.py": null}, "problem_094": {"__init__.py": null, "sol1.py": null}, "problem_095": {"__init__.py": null, "sol1.py": null}, "problem_097": {"__init__.py": null, "sol1.py": null}, "problem_099": {"__init__.py": null, "base_exp.txt": null, "sol1.py": null}, "problem_100": {"__init__.py": null, "sol1.py": null}, "problem_101": {"__init__.py": null, "sol1.py": null}, "problem_102": {"__init__.py": null, "p102_triangles.txt": null, "sol1.py": null, "test_triangles.txt": null}, "problem_104": {"__init__.py": null, "sol1.py": null}, "problem_107": {"__init__.py": null, "p107_network.txt": null, "sol1.py": null, "test_network.txt": null}, "problem_109": {"__init__.py": null, "sol1.py": null}, "problem_112": {"__init__.py": null, "sol1.py": null}, "problem_113": {"__init__.py": null, "sol1.py": null}, "problem_114": {"__init__.py": null, "sol1.py": null}, "problem_115": {"__init__.py": null, "sol1.py": null}, "problem_116": {"__init__.py": null, "sol1.py": null}, "problem_117": {"__init__.py": null, "sol1.py": null}, "problem_119": {"__init__.py": null, "sol1.py": null}, "problem_120": {"__init__.py": null, "sol1.py": null}, "problem_121": {"__init__.py": null, "sol1.py": null}, "problem_122": {"__init__.py": null, "sol1.py": null}, "problem_123": {"__init__.py": null, "sol1.py": null}, "problem_125": {"__init__.py": null, "sol1.py": null}, "problem_129": {"__init__.py": null, "sol1.py": null}, "problem_131": {"__init__.py": null, "sol1.py": null}, "problem_135": {"__init__.py": null, "sol1.py": null}, "problem_136": {"__init__.py": null, "sol1.py": null}, "problem_144": {"__init__.py": null, "sol1.py": null}, "problem_145": {"__init__.py": null, "sol1.py": null}, "problem_164": {"__init__.py": null, "sol1.py": null}, "problem_173": {"__init__.py": null, "sol1.py": null}, "problem_174": {"__init__.py": null, "sol1.py": null}, "problem_180": {"__init__.py": null, "sol1.py": null}, "problem_187": {"__init__.py": null, "sol1.py": null}, "problem_188": {"__init__.py": null, "sol1.py": null}, "problem_190": {"__init__.py": null, "sol1.py": null}, "problem_191": {"__init__.py": null, "sol1.py": null}, "problem_203": {"__init__.py": null, "sol1.py": null}, "problem_205": {"__init__.py": null, "sol1.py": null}, "problem_206": {"__init__.py": null, "sol1.py": null}, "problem_207": {"__init__.py": null, "sol1.py": null}, "problem_234": {"__init__.py": null, "sol1.py": null}, "problem_301": {"__init__.py": null, "sol1.py": null}, "problem_345": {"__init__.py": null, "sol1.py": null}, "problem_493": {"__init__.py": null, "sol1.py": null}, "problem_551": {"__init__.py": null, "sol1.py": null}, "problem_587": {"__init__.py": null, "sol1.py": null}, "problem_686": {"__init__.py": null, "sol1.py": null}, "problem_800": {"__init__.py": null, "sol1.py": null}}, "quantum": {"README.md": null, "__init__.py": null, "bb84.py.DISABLED.txt": null, "deutsch_jozsa.py.DISABLED.txt": null, "half_adder.py.DISABLED.txt": null, "not_gate.py.DISABLED.txt": null, "q_fourier_transform.py": null, "q_full_adder.py.DISABLED.txt": null, "quantum_entanglement.py.DISABLED.txt": null, "quantum_random.py.DISABLED.txt": null, "quantum_teleportation.py.DISABLED.txt": null, "ripple_adder_classic.py.DISABLED.txt": null, "single_qubit_measure.py.DISABLED.txt": null, "superdense_coding.py.DISABLED.txt": null}, "scheduling": {"__init__.py": null, "first_come_first_served.py": null, "highest_response_ratio_next.py": null, "job_sequence_with_deadline.py": null, "job_sequencing_with_deadline.py": null, "multi_level_feedback_queue.py": null, "non_preemptive_shortest_job_first.py": null, "round_robin.py": null, "shortest_job_first.py": null}, "scripts": {"__init__.py": null, "build_directory_md.py": null, "close_pull_requests_with_awaiting_changes.sh": null, "close_pull_requests_with_failing_tests.sh": null, "close_pull_requests_with_require_descriptive_names.sh": null, "close_pull_requests_with_require_tests.sh": null, "close_pull_requests_with_require_type_hints.sh": null, "find_git_conflicts.sh": null, "project_euler_answers.json": null, "validate_filenames.py": null, "validate_solutions.py": null}, "searches": {"__init__.py": null, "binary_search.py": null, "binary_tree_traversal.py": null, "double_linear_search.py": null, "double_linear_search_recursion.py": null, "exponential_search.py": null, "fibonacci_search.py": null, "hill_climbing.py": null, "interpolation_search.py": null, "jump_search.py": null, "linear_search.py": null, "median_of_medians.py": null, "quick_select.py": null, "sentinel_linear_search.py": null, "simple_binary_search.py": null, "simulated_annealing.py": null, "tabu_search.py": null, "tabu_test_data.txt": null, "ternary_search.py": null}, "sorts": {"README.md": null, "__init__.py": null, "bead_sort.py": null, "binary_insertion_sort.py": null, "bitonic_sort.py": null, "bogo_sort.py": null, "bubble_sort.py": null, "bucket_sort.py": null, "circle_sort.py": null, "cocktail_shaker_sort.py": null, "comb_sort.py": null, "counting_sort.py": null, "cycle_sort.py": null, "double_sort.py": null, "dutch_national_flag_sort.py": null, "exchange_sort.py": null, "external_sort.py": null, "gnome_sort.py": null, "heap_sort.py": null, "insertion_sort.py": null, "intro_sort.py": null, "iterative_merge_sort.py": null, "merge_insertion_sort.py": null, "merge_sort.py": null, "msd_radix_sort.py": null, "natural_sort.py": null, "normal_distribution_quick_sort.md": null, "odd_even_sort.py": null, "odd_even_transposition_parallel.py": null, "odd_even_transposition_single_threaded.py": null, "pancake_sort.py": null, "patience_sort.py": null, "pigeon_sort.py": null, "pigeonhole_sort.py": null, "quick_sort.py": null, "quick_sort_3_partition.py": null, "radix_sort.py": null, "recursive_insertion_sort.py": null, "recursive_mergesort_array.py": null, "recursive_quick_sort.py": null, "selection_sort.py": null, "shell_sort.py": null, "shrink_shell_sort.py": null, "slowsort.py": null, "stooge_sort.py": null, "strand_sort.py": null, "tim_sort.py": null, "topological_sort.py": null, "tree_sort.py": null, "unknown_sort.py": null, "wiggle_sort.py": null}, "strings": {"__init__.py": null, "aho_corasick.py": null, "alternative_string_arrange.py": null, "anagrams.py": null, "anagrams.txt": null, "autocomplete_using_trie.py": null, "barcode_validator.py": null, "bitap_string_match.py": null, "boyer_moore_search.py": null, "camel_case_to_snake_case.py": null, "can_string_be_rearranged_as_palindrome.py": null, "capitalize.py": null, "check_anagrams.py": null, "count_vowels.py": null, "credit_card_validator.py": null, "damerau_levenshtein_distance.py": null, "detecting_english_programmatically.py": null, "dictionary.txt": null, "dna.py": null, "edit_distance.py": null, "frequency_finder.py": null, "hamming_distance.py": null, "indian_phone_validator.py": null, "is_contains_unique_chars.py": null, "is_isogram.py": null, "is_pangram.py": null, "is_polish_national_id.py": null, "is_spain_national_id.py": null, "is_srilankan_phone_number.py": null, "is_valid_email_address.py": null, "jaro_winkler.py": null, "join.py": null, "knuth_morris_pratt.py": null, "levenshtein_distance.py": null, "lower.py": null, "manacher.py": null, "min_cost_string_conversion.py": null, "naive_string_search.py": null, "ngram.py": null, "palindrome.py": null, "pig_latin.py": null, "prefix_function.py": null, "rabin_karp.py": null, "remove_duplicate.py": null, "reverse_letters.py": null, "reverse_words.py": null, "snake_case_to_camel_pascal_case.py": null, "split.py": null, "string_switch_case.py": null, "strip.py": null, "text_justification.py": null, "title.py": null, "top_k_frequent_words.py": null, "upper.py": null, "wave_string.py": null, "wildcard_pattern_matching.py": null, "word_occurrence.py": null, "word_patterns.py": null, "words.txt": null, "z_function.py": null}, "web_programming": {"__init__.py": null, "co2_emission.py": null, "covid_stats_via_xpath.py": null, "crawl_google_results.py": null, "crawl_google_scholar_citation.py": null, "currency_converter.py": null, "current_stock_price.py": null, "current_weather.py": null, "daily_horoscope.py": null, "download_images_from_google_query.py": null, "emails_from_url.py": null, "fetch_anime_and_play.py": null, "fetch_bbc_news.py": null, "fetch_github_info.py": null, "fetch_jobs.py": null, "fetch_quotes.py": null, "fetch_well_rx_price.py": null, "get_amazon_product_data.py": null, "get_imdb_top_250_movies_csv.py": null, "get_imdbtop.py.DISABLED": null, "get_ip_geolocation.py": null, "get_top_billionaires.py": null, "get_top_hn_posts.py": null, "get_user_tweets.py.DISABLED": null, "giphy.py": null, "instagram_crawler.py": null, "instagram_pic.py": null, "instagram_video.py": null, "nasa_data.py": null, "open_google_results.py": null, "random_anime_character.py": null, "recaptcha_verification.py": null, "reddit.py": null, "search_books_by_isbn.py": null, "slack_message.py": null, "test_fetch_github_info.py": null, "world_covid19_stats.py": null}, ".devcontainer": {"README.md": null, "devcontainer.json": null, "Dockerfile": null, "post_install": null}, ".github": {"CODEOWNERS": null, "dependabot.yml": null, "pull_request_template.md": null, "stale.yml": null, "ISSUE_TEMPLATE": {"bug_report.yml": null, "config.yml": null, "feature_request.yml": null, "other.yml": null}, "workflows": {"build.yml": null, "devcontainer_ci.yml": null, "directory_writer.yml": null, "project_euler.yml": null, "ruff.yml": null, "sphinx.yml": null}}}}
5
thealgorithms-python.git
Java
https://github.com/TheAlgorithms/Java.git
All Algorithms implemented in Java. This repository is a collection of algorithms and data structures implemented in Java. It is intended to be a resource for learning and reference, as well as a place to contribute new algorithms and data structures.
{"thealgorithms-java.git": {"README.md": null, "checkstyle.xml": null, "CONTRIBUTING.md": null, "DIRECTORY.md": null, "LICENSE": null, "pmd-custom_ruleset.xml": null, "pmd-exclude.properties": null, "pom.xml": null, "README-ko.md": null, "spotbugs-exclude.xml": null, ".clang-format": null, ".gitpod.dockerfile": null, ".gitpod.yml": null, ".inferconfig": null, "src": {"main": {"java": {"com": {"thealgorithms": {"audiofilters": {"EMAFilter.java": null, "IIRFilter.java": null}, "backtracking": {"AllPathsFromSourceToTarget.java": null, "ArrayCombination.java": null, "Combination.java": null, "CrosswordSolver.java": null, "FloodFill.java": null, "KnightsTour.java": null, "MazeRecursion.java": null, "MColoring.java": null, "NQueens.java": null, "ParenthesesGenerator.java": null, "Permutation.java": null, "PowerSum.java": null, "SubsequenceFinder.java": null, "WordPatternMatcher.java": null, "WordSearch.java": null}, "bitmanipulation": {"BcdConversion.java": null, "BinaryPalindromeCheck.java": null, "BitSwap.java": null, "BooleanAlgebraGates.java": null, "ClearLeftmostSetBit.java": null, "CountLeadingZeros.java": null, "CountSetBits.java": null, "FindNthBit.java": null, "FirstDifferentBit.java": null, "GenerateSubsets.java": null, "GrayCodeConversion.java": null, "HammingDistance.java": null, "HigherLowerPowerOfTwo.java": null, "HighestSetBit.java": null, "IndexOfRightMostSetBit.java": null, "IsEven.java": null, "IsPowerTwo.java": null, "LowestSetBit.java": null, "ModuloPowerOfTwo.java": null, "NextHigherSameBitCount.java": null, "NonRepeatingNumberFinder.java": null, "NumberAppearingOddTimes.java": null, "NumbersDifferentSigns.java": null, "OneBitDifference.java": null, "OnesComplement.java": null, "ParityCheck.java": null, "ReverseBits.java": null, "SingleBitOperations.java": null, "SingleElement.java": null, "SwapAdjacentBits.java": null, "TwosComplement.java": null, "Xs3Conversion.java": null}, "ciphers": {"ADFGVXCipher.java": null, "AES.java": null, "AESEncryption.java": null, "AffineCipher.java": null, "AtbashCipher.java": null, "Autokey.java": null, "BaconianCipher.java": null, "Blowfish.java": null, "Caesar.java": null, "ColumnarTranspositionCipher.java": null, "DES.java": null, "DiffieHellman.java": null, "ECC.java": null, "HillCipher.java": null, "MonoAlphabetic.java": null, "PlayfairCipher.java": null, "Polybius.java": null, "ProductCipher.java": null, "RailFenceCipher.java": null, "RSA.java": null, "SimpleSubCipher.java": null, "Vigenere.java": null, "XORCipher.java": null, "a5": {"A5Cipher.java": null, "A5KeyStreamGenerator.java": null, "BaseLFSR.java": null, "CompositeLFSR.java": null, "LFSR.java": null, "Utils.java": null}}, "conversions": {"AffineConverter.java": null, "AnyBaseToAnyBase.java": null, "AnyBaseToDecimal.java": null, "AnytoAny.java": null, "BinaryToDecimal.java": null, "BinaryToHexadecimal.java": null, "BinaryToOctal.java": null, "DecimalToAnyBase.java": null, "DecimalToBinary.java": null, "DecimalToHexadecimal.java": null, "DecimalToOctal.java": null, "EndianConverter.java": null, "HexaDecimalToBinary.java": null, "HexaDecimalToDecimal.java": null, "HexToOct.java": null, "IntegerToEnglish.java": null, "IntegerToRoman.java": null, "IPConverter.java": null, "IPv6Converter.java": null, "MorseCodeConverter.java": null, "NumberToWords.java": null, "OctalToBinary.java": null, "OctalToDecimal.java": null, "OctalToHexadecimal.java": null, "PhoneticAlphabetConverter.java": null, "RgbHsvConversion.java": null, "RomanToInteger.java": null, "TurkishToLatinConversion.java": null, "UnitConversions.java": null, "UnitsConverter.java": null, "WordsToNumber.java": null}, "datastructures": {"Node.java": null, "bags": {"Bag.java": null}, "bloomfilter": {"BloomFilter.java": null}, "buffers": {"CircularBuffer.java": null}, "caches": {"FIFOCache.java": null, "LFUCache.java": null, "LRUCache.java": null, "MRUCache.java": null, "RRCache.java": null}, "crdt": {"GCounter.java": null, "GSet.java": null, "LWWElementSet.java": null, "ORSet.java": null, "PNCounter.java": null, "TwoPSet.java": null}, "disjointsetunion": {"DisjointSetUnion.java": null, "Node.java": null}, "dynamicarray": {"DynamicArray.java": null}, "graphs": {"README.md": null, "AStar.java": null, "BellmanFord.java": null, "BipartiteGraphDFS.java": null, "BoruvkaAlgorithm.java": null, "ConnectedComponent.java": null, "Cycles.java": null, "DijkstraAlgorithm.java": null, "DijkstraOptimizedAlgorithm.java": null, "EdmondsBlossomAlgorithm.java": null, "FloydWarshall.java": null, "FordFulkerson.java": null, "Graphs.java": null, "HamiltonianCycle.java": null, "JohnsonsAlgorithm.java": null, "KahnsAlgorithm.java": null, "Kosaraju.java": null, "Kruskal.java": null, "MatrixGraphs.java": null, "PrimMST.java": null, "TarjansAlgorithm.java": null, "UndirectedAdjacencyListGraph.java": null, "WelshPowell.java": null}, "hashmap": {"Readme.md": null, "hashing": {"GenericHashMapUsingArray.java": null, "GenericHashMapUsingArrayList.java": null, "HashMap.java": null, "HashMapCuckooHashing.java": null, "Intersection.java": null, "LinearProbingHashMap.java": null, "MainCuckooHashing.java": null, "MajorityElement.java": null, "Map.java": null}}, "heaps": {"Readme.md": null, "EmptyHeapException.java": null, "FibonacciHeap.java": null, "GenericHeap.java": null, "Heap.java": null, "HeapElement.java": null, "KthElementFinder.java": null, "LeftistHeap.java": null, "MaxHeap.java": null, "MedianFinder.java": null, "MergeKSortedArrays.java": null, "MinHeap.java": null, "MinPriorityQueue.java": null}, "lists": {"README.md": null, "CircleLinkedList.java": null, "CountSinglyLinkedListRecursion.java": null, "CreateAndDetectLoop.java": null, "CursorLinkedList.java": null, "DoublyLinkedList.java": null, "MergeKSortedLinkedList.java": null, "MergeSortedArrayList.java": null, "MergeSortedSinglyLinkedList.java": null, "QuickSortLinkedList.java": null, "RandomNode.java": null, "ReverseKGroup.java": null, "RotateSinglyLinkedLists.java": null, "SearchSinglyLinkedListRecursion.java": null, "SinglyLinkedList.java": null, "SinglyLinkedListNode.java": null, "SkipList.java": null, "SortedLinkedList.java": null}, "queues": {"README.md": null, "CircularQueue.java": null, "Deque.java": null, "GenericArrayListQueue.java": null, "LinkedQueue.java": null, "PriorityQueues.java": null, "Queue.java": null, "QueueByTwoStacks.java": null, "SlidingWindowMaximum.java": null, "TokenBucket.java": null}, "stacks": {"README.md": null, "NodeStack.java": null, "ReverseStack.java": null, "Stack.java": null, "StackArray.java": null, "StackArrayList.java": null, "StackOfLinkedList.java": null}, "trees": {"README.md": null, "AVLSimple.java": null, "AVLTree.java": null, "BinaryTree.java": null, "BoundaryTraversal.java": null, "BSTFromSortedArray.java": null, "BSTIterative.java": null, "BSTRecursive.java": null, "BSTRecursiveGeneric.java": null, "BTree.java": null, "CeilInBinarySearchTree.java": null, "CheckBinaryTreeIsValidBST.java": null, "CheckIfBinaryTreeBalanced.java": null, "CheckTreeIsSymmetric.java": null, "CreateBinaryTreeFromInorderPreorder.java": null, "FenwickTree.java": null, "GenericTree.java": null, "InorderTraversal.java": null, "KDTree.java": null, "LazySegmentTree.java": null, "LCA.java": null, "LevelOrderTraversal.java": null, "nearestRightKey.java": null, "PostOrderTraversal.java": null, "PreOrderTraversal.java": null, "PrintTopViewofTree.java": null, "QuadTree.java": null, "RedBlackBST.java": null, "SameTreesCheck.java": null, "SegmentTree.java": null, "SplayTree.java": null, "Treap.java": null, "TreeRandomNode.java": null, "Trie.java": null, "VerticalOrderTraversal.java": null, "ZigzagTraversal.java": null}}, "devutils": {"entities": {"ProcessDetails.java": null}, "nodes": {"LargeTreeNode.java": null, "Node.java": null, "SimpleNode.java": null, "SimpleTreeNode.java": null, "TreeNode.java": null}, "searches": {"MatrixSearchAlgorithm.java": null, "SearchAlgorithm.java": null}}, "divideandconquer": {"BinaryExponentiation.java": null, "ClosestPair.java": null, "CountingInversions.java": null, "MedianOfTwoSortedArrays.java": null, "SkylineAlgorithm.java": null, "StrassenMatrixMultiplication.java": null, "TilingProblem.java": null}, "dynamicprogramming": {"Abbreviation.java": null, "AllConstruct.java": null, "AssignmentUsingBitmask.java": null, "BoardPath.java": null, "BoundaryFill.java": null, "BruteForceKnapsack.java": null, "CatalanNumber.java": null, "ClimbingStairs.java": null, "CoinChange.java": null, "CountFriendsPairing.java": null, "DiceThrow.java": null, "EditDistance.java": null, "EggDropping.java": null, "Fibonacci.java": null, "KadaneAlgorithm.java": null, "Knapsack.java": null, "KnapsackMemoization.java": null, "LevenshteinDistance.java": null, "LongestAlternatingSubsequence.java": null, "LongestArithmeticSubsequence.java": null, "LongestCommonSubsequence.java": null, "LongestIncreasingSubsequence.java": null, "LongestIncreasingSubsequenceNLogN.java": null, "LongestPalindromicSubsequence.java": null, "LongestPalindromicSubstring.java": null, "LongestValidParentheses.java": null, "MatrixChainMultiplication.java": null, "MatrixChainRecursiveTopDownMemoisation.java": null, "MaximumSumOfNonAdjacentElements.java": null, "MinimumPathSum.java": null, "MinimumSumPartition.java": null, "NewManShanksPrime.java": null, "OptimalJobScheduling.java": null, "PalindromicPartitioning.java": null, "PartitionProblem.java": null, "RegexMatching.java": null, "RodCutting.java": null, "ShortestCommonSupersequenceLength.java": null, "SubsetCount.java": null, "SubsetSum.java": null, "SubsetSumSpaceOptimized.java": null, "SumOfSubset.java": null, "TreeMatching.java": null, "Tribonacci.java": null, "UniquePaths.java": null, "UniqueSubsequencesCount.java": null, "WildcardMatching.java": null, "WineProblem.java": null}, "geometry": {"BresenhamLine.java": null, "ConvexHull.java": null, "GrahamScan.java": null, "MidpointCircle.java": null, "MidpointEllipse.java": null, "Point.java": null}, "graph": {"ConstrainedShortestPath.java": null, "StronglyConnectedComponentOptimized.java": null, "TravelingSalesman.java": null}, "greedyalgorithms": {"ActivitySelection.java": null, "BandwidthAllocation.java": null, "BinaryAddition.java": null, "CoinChange.java": null, "DigitSeparation.java": null, "EgyptianFraction.java": null, "FractionalKnapsack.java": null, "GaleShapley.java": null, "JobSequencing.java": null, "KCenters.java": null, "MergeIntervals.java": null, "MinimizingLateness.java": null, "MinimumWaitingTime.java": null, "OptimalFileMerging.java": null, "StockProfitCalculator.java": null}, "io": {"BufferedReader.java": null}, "lineclipping": {"CohenSutherland.java": null, "LiangBarsky.java": null, "utils": {"Line.java": null, "Point.java": null}}, "maths": {"AbsoluteMax.java": null, "AbsoluteMin.java": null, "AbsoluteValue.java": null, "ADTFraction.java": null, "AliquotSum.java": null, "AmicableNumber.java": null, "Area.java": null, "Armstrong.java": null, "AutoCorrelation.java": null, "AutomorphicNumber.java": null, "Average.java": null, "BinaryPow.java": null, "BinomialCoefficient.java": null, "CatalanNumbers.java": null, "Ceil.java": null, "ChineseRemainderTheorem.java": null, "CircularConvolutionFFT.java": null, "CollatzConjecture.java": null, "Combinations.java": null, "Convolution.java": null, "ConvolutionFFT.java": null, "CrossCorrelation.java": null, "DeterminantOfMatrix.java": null, "DigitalRoot.java": null, "DistanceFormula.java": null, "DudeneyNumber.java": null, "EulerMethod.java": null, "EulersFunction.java": null, "Factorial.java": null, "FactorialRecursion.java": null, "FastExponentiation.java": null, "FastInverseSqrt.java": null, "FFT.java": null, "FFTBluestein.java": null, "FibonacciJavaStreams.java": null, "FibonacciLoop.java": null, "FibonacciNumberCheck.java": null, "FibonacciNumberGoldenRation.java": null, "FindKthNumber.java": null, "FindMax.java": null, "FindMaxRecursion.java": null, "FindMin.java": null, "FindMinRecursion.java": null, "Floor.java": null, "FrizzyNumber.java": null, "Gaussian.java": null, "GCD.java": null, "GCDRecursion.java": null, "GenericRoot.java": null, "GoldbachConjecture.java": null, "HarshadNumber.java": null, "HeronsFormula.java": null, "JosephusProblem.java": null, "JugglerSequence.java": null, "KaprekarNumbers.java": null, "KaratsubaMultiplication.java": null, "KeithNumber.java": null, "KrishnamurthyNumber.java": null, "LeastCommonMultiple.java": null, "LeonardoNumber.java": null, "LinearDiophantineEquationsSolver.java": null, "LongDivision.java": null, "LucasSeries.java": null, "MagicSquare.java": null, "MathBuilder.java": null, "MaxValue.java": null, "Means.java": null, "Median.java": null, "MinValue.java": null, "Mode.java": null, "NonRepeatingElement.java": null, "NthUglyNumber.java": null, "NumberOfDigits.java": null, "PalindromeNumber.java": null, "ParseInteger.java": null, "PascalTriangle.java": null, "PerfectCube.java": null, "PerfectNumber.java": null, "PerfectSquare.java": null, "Perimeter.java": null, "PiNilakantha.java": null, "PollardRho.java": null, "Pow.java": null, "PowerOfTwoOrNot.java": null, "PowerUsingRecursion.java": null, "PronicNumber.java": null, "PythagoreanTriple.java": null, "QuadraticEquationSolver.java": null, "ReverseNumber.java": null, "RomanNumeralUtil.java": null, "SecondMinMax.java": null, "SieveOfEratosthenes.java": null, "SimpsonIntegration.java": null, "SolovayStrassenPrimalityTest.java": null, "SquareRootWithBabylonianMethod.java": null, "SquareRootWithNewtonRaphsonMethod.java": null, "StandardDeviation.java": null, "StandardScore.java": null, "StrobogrammaticNumber.java": null, "SumOfArithmeticSeries.java": null, "SumOfDigits.java": null, "SumOfOddNumbers.java": null, "SumWithoutArithmeticOperators.java": null, "TrinomialTriangle.java": null, "TwinPrime.java": null, "UniformNumbers.java": null, "VampireNumber.java": null, "VectorCrossProduct.java": null, "Volume.java": null, "Prime": {"LiouvilleLambdaFunction.java": null, "MillerRabinPrimalityCheck.java": null, "MobiusFunction.java": null, "PrimeCheck.java": null, "PrimeFactorization.java": null, "SquareFreeInteger.java": null}}, "matrix": {"InverseOfMatrix.java": null, "MatrixRank.java": null, "MatrixTranspose.java": null, "MedianOfMatrix.java": null, "MirrorOfMatrix.java": null, "PrintAMatrixInSpiralOrder.java": null, "RotateMatrixBy90Degrees.java": null, "SolveSystem.java": null, "matrixexponentiation": {"Fibonacci.java": null}, "utils": {"MatrixUtil.java": null}}, "misc": {"ColorContrastRatio.java": null, "MapReduce.java": null, "MedianOfRunningArray.java": null, "MedianOfRunningArrayByte.java": null, "MedianOfRunningArrayDouble.java": null, "MedianOfRunningArrayFloat.java": null, "MedianOfRunningArrayInteger.java": null, "MedianOfRunningArrayLong.java": null, "PalindromePrime.java": null, "PalindromeSinglyLinkedList.java": null, "RangeInSortedArray.java": null, "ShuffleArray.java": null, "Sparsity.java": null, "ThreeSumProblem.java": null, "TwoSumProblem.java": null}, "others": {"ArrayLeftRotation.java": null, "ArrayRightRotation.java": null, "BankersAlgorithm.java": null, "BFPRT.java": null, "BoyerMoore.java": null, "BrianKernighanAlgorithm.java": null, "Conway.java": null, "CRC16.java": null, "CRC32.java": null, "CRCAlgorithm.java": null, "Damm.java": null, "Dijkstra.java": null, "FloydTriangle.java": null, "GaussLegendre.java": null, "HappyNumbersSeq.java": null, "Huffman.java": null, "Implementing_auto_completing_features_using_trie.java": null, "InsertDeleteInArray.java": null, "KochSnowflake.java": null, "Krishnamurthy.java": null, "LinearCongruentialGenerator.java": null, "LineSweep.java": null, "LowestBasePalindrome.java": null, "Luhn.java": null, "Mandelbrot.java": null, "MaximumSlidingWindow.java": null, "MaximumSumOfDistinctSubarraysWithLengthK.java": null, "MemoryManagementAlgorithms.java": null, "MiniMaxAlgorithm.java": null, "PageRank.java": null, "PasswordGen.java": null, "PerlinNoise.java": null, "PrintAMatrixInSpiralOrder.java": null, "QueueUsingTwoStacks.java": null, "RemoveDuplicateFromString.java": null, "ReverseStackUsingRecursion.java": null, "SkylineProblem.java": null, "TwoPointers.java": null, "Verhoeff.java": null, "cn": {"HammingDistance.java": null}}, "puzzlesandgames": {"Sudoku.java": null, "TowerOfHanoi.java": null, "WordBoggle.java": null}, "randomized": {"KargerMinCut.java": null, "MonteCarloIntegration.java": null, "RandomizedClosestPair.java": null, "RandomizedMatrixMultiplicationVerification.java": null, "RandomizedQuickSort.java": null, "ReservoirSampling.java": null}, "recursion": {"FibonacciSeries.java": null, "GenerateSubsets.java": null}, "scheduling": {"AgingScheduling.java": null, "EDFScheduling.java": null, "FairShareScheduling.java": null, "FCFSScheduling.java": null, "GangScheduling.java": null, "HighestResponseRatioNextScheduling.java": null, "JobSchedulingWithDeadline.java": null, "LotteryScheduling.java": null, "MLFQScheduler.java": null, "MultiAgentScheduling.java": null, "NonPreemptivePriorityScheduling.java": null, "PreemptivePriorityScheduling.java": null, "ProportionalFairScheduling.java": null, "RandomScheduling.java": null, "RRScheduling.java": null, "SelfAdjustingScheduling.java": null, "SJFScheduling.java": null, "SlackTimeScheduling.java": null, "SRTFScheduling.java": null, "diskscheduling": {"CircularLookScheduling.java": null, "CircularScanScheduling.java": null, "LookScheduling.java": null, "ScanScheduling.java": null, "SSFScheduling.java": null}}, "searches": {"BinarySearch.java": null, "BinarySearch2dArray.java": null, "BM25InvertedIndex.java": null, "BoyerMoore.java": null, "BreadthFirstSearch.java": null, "DepthFirstSearch.java": null, "ExponentalSearch.java": null, "FibonacciSearch.java": null, "HowManyTimesRotated.java": null, "InterpolationSearch.java": null, "IterativeBinarySearch.java": null, "IterativeTernarySearch.java": null, "JumpSearch.java": null, "KMPSearch.java": null, "LinearSearch.java": null, "LinearSearchThread.java": null, "LowerBound.java": null, "MonteCarloTreeSearch.java": null, "OrderAgnosticBinarySearch.java": null, "PerfectBinarySearch.java": null, "QuickSelect.java": null, "RabinKarpAlgorithm.java": null, "RandomSearch.java": null, "RecursiveBinarySearch.java": null, "RowColumnWiseSorted2dArrayBinarySearch.java": null, "SaddlebackSearch.java": null, "SearchInARowAndColWiseSortedMatrix.java": null, "SortOrderAgnosticBinarySearch.java": null, "SquareRootBinarySearch.java": null, "TernarySearch.java": null, "UnionFind.java": null, "UpperBound.java": null}, "slidingwindow": {"LongestSubarrayWithSumLessOrEqualToK.java": null, "LongestSubstringWithoutRepeatingCharacters.java": null, "MaxSumKSizeSubarray.java": null, "MinSumKSizeSubarray.java": null, "ShortestCoprimeSegment.java": null}, "sorts": {"AdaptiveMergeSort.java": null, "BeadSort.java": null, "BinaryInsertionSort.java": null, "BitonicSort.java": null, "BogoSort.java": null, "BubbleSort.java": null, "BubbleSortRecursive.java": null, "BucketSort.java": null, "CircleSort.java": null, "CocktailShakerSort.java": null, "CombSort.java": null, "CountingSort.java": null, "CycleSort.java": null, "DarkSort.java": null, "DualPivotQuickSort.java": null, "DutchNationalFlagSort.java": null, "ExchangeSort.java": null, "FlashSort.java": null, "GnomeSort.java": null, "HeapSort.java": null, "InsertionSort.java": null, "IntrospectiveSort.java": null, "LinkListSort.java": null, "MergeSort.java": null, "MergeSortNoExtraSpace.java": null, "MergeSortRecursive.java": null, "OddEvenSort.java": null, "PancakeSort.java": null, "PatienceSort.java": null, "PigeonholeSort.java": null, "QuickSort.java": null, "RadixSort.java": null, "SelectionSort.java": null, "SelectionSortRecursive.java": null, "ShellSort.java": null, "SimpleSort.java": null, "SlowSort.java": null, "SortAlgorithm.java": null, "SortUtils.java": null, "SortUtilsRandomGenerator.java": null, "SpreadSort.java": null, "StalinSort.java": null, "StoogeSort.java": null, "StrandSort.java": null, "SwapSort.java": null, "TimSort.java": null, "TopologicalSort.java": null, "TreeSort.java": null, "WaveSort.java": null, "WiggleSort.java": null}, "stacks": {"BalancedBrackets.java": null, "CelebrityFinder.java": null, "DecimalToAnyUsingStack.java": null, "DuplicateBrackets.java": null, "GreatestElementConstantTime.java": null, "InfixToPostfix.java": null, "InfixToPrefix.java": null, "LargestRectangle.java": null, "MaximumMinimumWindow.java": null, "MinStackUsingSingleStack.java": null, "MinStackUsingTwoStacks.java": null, "NextGreaterElement.java": null, "NextSmallerElement.java": null, "PalindromeWithStack.java": null, "PostfixEvaluator.java": null, "PostfixToInfix.java": null, "PrefixEvaluator.java": null, "PrefixToInfix.java": null, "SmallestElementConstantTime.java": null, "SortStack.java": null, "StackPostfixNotation.java": null, "StackUsingTwoQueues.java": null}, "strings": {"AhoCorasick.java": null, "Alphabetical.java": null, "Anagrams.java": null, "CharactersSame.java": null, "CheckVowels.java": null, "CountChar.java": null, "CountWords.java": null, "HammingDistance.java": null, "HorspoolSearch.java": null, "Isomorphic.java": null, "KMP.java": null, "LetterCombinationsOfPhoneNumber.java": null, "LongestCommonPrefix.java": null, "LongestNonRepetitiveSubstring.java": null, "LongestPalindromicSubstring.java": null, "Lower.java": null, "Manacher.java": null, "MyAtoi.java": null, "Palindrome.java": null, "Pangram.java": null, "PermuteString.java": null, "RabinKarp.java": null, "ReturnSubsequence.java": null, "ReverseString.java": null, "ReverseStringRecursive.java": null, "ReverseWordsInString.java": null, "Rotation.java": null, "StringCompression.java": null, "StringMatchFiniteAutomata.java": null, "Upper.java": null, "ValidParentheses.java": null, "WordLadder.java": null, "zigZagPattern": {"README.md": null, "ZigZagPattern.java": null}}, "tree": {"HeavyLightDecomposition.java": null}}}}}, "test": {"java": {"com": {"thealgorithms": {"audiofilters": {"EMAFilterTest.java": null, "IIRFilterTest.java": null}, "backtracking": {"AllPathsFromSourceToTargetTest.java": null, "ArrayCombinationTest.java": null, "CombinationTest.java": null, "CrosswordSolverTest.java": null, "FloodFillTest.java": null, "KnightsTourTest.java": null, "MazeRecursionTest.java": null, "MColoringTest.java": null, "NQueensTest.java": null, "ParenthesesGeneratorTest.java": null, "PermutationTest.java": null, "PowerSumTest.java": null, "SubsequenceFinderTest.java": null, "WordPatternMatcherTest.java": null, "WordSearchTest.java": null}, "bitmanipulation": {"BcdConversionTest.java": null, "BinaryPalindromeCheckTest.java": null, "BitSwapTest.java": null, "BooleanAlgebraGatesTest.java": null, "ClearLeftmostSetBitTest.java": null, "CountLeadingZerosTest.java": null, "CountSetBitsTest.java": null, "FindNthBitTest.java": null, "FirstDifferentBitTest.java": null, "GenerateSubsetsTest.java": null, "GrayCodeConversionTest.java": null, "HammingDistanceTest.java": null, "HigherLowerPowerOfTwoTest.java": null, "HighestSetBitTest.java": null, "IndexOfRightMostSetBitTest.java": null, "IsEvenTest.java": null, "IsPowerTwoTest.java": null, "LowestSetBitTest.java": null, "ModuloPowerOfTwoTest.java": null, "NextHigherSameBitCountTest.java": null, "NonRepeatingNumberFinderTest.java": null, "NumberAppearingOddTimesTest.java": null, "NumbersDifferentSignsTest.java": null, "OneBitDifferenceTest.java": null, "OnesComplementTest.java": null, "ParityCheckTest.java": null, "ReverseBitsTest.java": null, "SingleBitOperationsTest.java": null, "SingleElementTest.java": null, "SwapAdjacentBitsTest.java": null, "TwosComplementTest.java": null, "Xs3ConversionTest.java": null}, "ciphers": {"ADFGVXCipherTest.java": null, "AESEncryptionTest.java": null, "AffineCipherTest.java": null, "AtbashTest.java": null, "AutokeyTest.java": null, "BaconianCipherTest.java": null, "BlowfishTest.java": null, "CaesarTest.java": null, "ColumnarTranspositionCipherTest.java": null, "DESTest.java": null, "DiffieHellmanTest.java": null, "ECCTest.java": null, "HillCipherTest.java": null, "MonoAlphabeticTest.java": null, "PlayfairTest.java": null, "PolybiusTest.java": null, "RailFenceTest.java": null, "RSATest.java": null, "SimpleSubCipherTest.java": null, "VigenereTest.java": null, "XORCipherTest.java": null, "a5": {"A5CipherTest.java": null, "A5KeyStreamGeneratorTest.java": null, "LFSRTest.java": null}}, "conversions": {"AffineConverterTest.java": null, "AnyBaseToDecimalTest.java": null, "AnytoAnyTest.java": null, "BinaryToDecimalTest.java": null, "BinaryToHexadecimalTest.java": null, "BinaryToOctalTest.java": null, "DecimalToAnyBaseTest.java": null, "DecimalToBinaryTest.java": null, "DecimalToHexadecimalTest.java": null, "DecimalToOctalTest.java": null, "EndianConverterTest.java": null, "HexaDecimalToBinaryTest.java": null, "HexaDecimalToDecimalTest.java": null, "HexToOctTest.java": null, "IntegerToEnglishTest.java": null, "IntegerToRomanTest.java": null, "IPConverterTest.java": null, "IPv6ConverterTest.java": null, "MorseCodeConverterTest.java": null, "NumberToWordsTest.java": null, "OctalToBinaryTest.java": null, "OctalToDecimalTest.java": null, "OctalToHexadecimalTest.java": null, "PhoneticAlphabetConverterTest.java": null, "RomanToIntegerTest.java": null, "TurkishToLatinConversionTest.java": null, "UnitConversionsTest.java": null, "UnitsConverterTest.java": null, "WordsToNumberTest.java": null}, "datastructures": {"bag": {"BagTest.java": null}, "bloomfilter": {"BloomFilterTest.java": null}, "buffers": {"CircularBufferTest.java": null}, "caches": {"FIFOCacheTest.java": null, "LFUCacheTest.java": null, "LRUCacheTest.java": null, "MRUCacheTest.java": null, "RRCacheTest.java": null}, "crdt": {"GCounterTest.java": null, "GSetTest.java": null, "LWWElementSetTest.java": null, "ORSetTest.java": null, "PNCounterTest.java": null, "TwoPSetTest.java": null}, "disjointsetunion": {"DisjointSetUnionTest.java": null}, "dynamicarray": {"DynamicArrayTest.java": null}, "graphs": {"AStarTest.java": null, "BipartiteGraphDFSTest.java": null, "BoruvkaAlgorithmTest.java": null, "DijkstraAlgorithmTest.java": null, "DijkstraOptimizedAlgorithmTest.java": null, "EdmondsBlossomAlgorithmTest.java": null, "FloydWarshallTest.java": null, "FordFulkersonTest.java": null, "HamiltonianCycleTest.java": null, "JohnsonsAlgorithmTest.java": null, "KahnsAlgorithmTest.java": null, "KosarajuTest.java": null, "KruskalTest.java": null, "MatrixGraphsTest.java": null, "PrimMSTTest.java": null, "TarjansAlgorithmTest.java": null, "WelshPowellTest.java": null}, "hashmap": {"hashing": {"GenericHashMapUsingArrayListTest.java": null, "GenericHashMapUsingArrayTest.java": null, "HashMapCuckooHashingTest.java": null, "HashMapTest.java": null, "IntersectionTest.java": null, "LinearProbingHashMapTest.java": null, "MajorityElementTest.java": null, "MapTest.java": null}}, "heaps": {"FibonacciHeapTest.java": null, "GenericHeapTest.java": null, "HeapElementTest.java": null, "KthElementFinderTest.java": null, "LeftistHeapTest.java": null, "MaxHeapTest.java": null, "MedianFinderTest.java": null, "MergeKSortedArraysTest.java": null, "MinHeapTest.java": null, "MinPriorityQueueTest.java": null}, "lists": {"CircleLinkedListTest.java": null, "CountSinglyLinkedListRecursionTest.java": null, "CreateAndDetectLoopTest.java": null, "CursorLinkedListTest.java": null, "MergeKSortedLinkedListTest.java": null, "MergeSortedArrayListTest.java": null, "MergeSortedSinglyLinkedListTest.java": null, "QuickSortLinkedListTest.java": null, "ReverseKGroupTest.java": null, "RotateSinglyLinkedListsTest.java": null, "SearchSinglyLinkedListRecursionTest.java": null, "SinglyLinkedListTest.java": null, "SkipListTest.java": null, "SortedLinkedListTest.java": null}, "queues": {"CircularQueueTest.java": null, "DequeTest.java": null, "GenericArrayListQueueTest.java": null, "LinkedQueueTest.java": null, "PriorityQueuesTest.java": null, "QueueByTwoStacksTest.java": null, "QueueTest.java": null, "SlidingWindowMaximumTest.java": null, "TokenBucketTest.java": null}, "stacks": {"NodeStackTest.java": null, "ReverseStackTest.java": null, "StackArrayListTest.java": null, "StackArrayTest.java": null, "StackOfLinkedListTest.java": null}, "trees": {"AVLTreeTest.java": null, "BinaryTreeTest.java": null, "BoundaryTraversalTest.java": null, "BSTFromSortedArrayTest.java": null, "BSTIterativeTest.java": null, "BSTRecursiveTest.java": null, "BTreeTest.java": null, "CeilInBinarySearchTreeTest.java": null, "CheckBinaryTreeIsValidBSTTest.java": null, "CheckIfBinaryTreeBalancedTest.java": null, "CheckTreeIsSymmetricTest.java": null, "CreateBinaryTreeFromInorderPreorderTest.java": null, "InorderTraversalTest.java": null, "KDTreeTest.java": null, "LazySegmentTreeTest.java": null, "LevelOrderTraversalTest.java": null, "PostOrderTraversalTest.java": null, "PreOrderTraversalTest.java": null, "QuadTreeTest.java": null, "SameTreesCheckTest.java": null, "SplayTreeTest.java": null, "TreapTest.java": null, "TreeTestUtils.java": null, "TrieTest.java": null, "VerticalOrderTraversalTest.java": null, "ZigzagTraversalTest.java": null}}, "divideandconquer": {"BinaryExponentiationTest.java": null, "ClosestPairTest.java": null, "CountingInversionsTest.java": null, "MedianOfTwoSortedArraysTest.java": null, "SkylineAlgorithmTest.java": null, "StrassenMatrixMultiplicationTest.java": null, "TilingProblemTest.java": null}, "dynamicprogramming": {"AbbreviationTest.java": null, "AllConstructTest.java": null, "AssignmentUsingBitmaskTest.java": null, "BoardPathTest.java": null, "BoundaryFillTest.java": null, "BruteForceKnapsackTest.java": null, "CatalanNumberTest.java": null, "ClimbStairsTest.java": null, "CoinChangeTest.java": null, "CountFriendsPairingTest.java": null, "DPTest.java": null, "EditDistanceTest.java": null, "EggDroppingTest.java": null, "FibonacciTest.java": null, "KadaneAlgorithmTest.java": null, "KnapsackMemoizationTest.java": null, "KnapsackTest.java": null, "LevenshteinDistanceTests.java": null, "LongestAlternatingSubsequenceTest.java": null, "LongestArithmeticSubsequenceTest.java": null, "LongestCommonSubsequenceTest.java": null, "LongestIncreasingSubsequenceNLogNTest.java": null, "LongestIncreasingSubsequenceTests.java": null, "LongestPalindromicSubstringTest.java": null, "LongestValidParenthesesTest.java": null, "MatrixChainMultiplicationTest.java": null, "MatrixChainRecursiveTopDownMemoisationTest.java": null, "MaximumSumOfNonAdjacentElementsTest.java": null, "MinimumPathSumTest.java": null, "MinimumSumPartitionTest.java": null, "NewManShanksPrimeTest.java": null, "OptimalJobSchedulingTest.java": null, "PalindromicPartitioningTest.java": null, "PartitionProblemTest.java": null, "RegexMatchingTest.java": null, "RodCuttingTest.java": null, "ShortestCommonSupersequenceLengthTest.java": null, "SubsetCountTest.java": null, "SubsetSumSpaceOptimizedTest.java": null, "SubsetSumTest.java": null, "SumOfSubsetTest.java": null, "TreeMatchingTest.java": null, "TribonacciTest.java": null, "UniquePathsTests.java": null, "UniqueSubsequencesCountTest.java": null, "WildcardMatchingTest.java": null, "WineProblemTest.java": null}, "geometry": {"BresenhamLineTest.java": null, "ConvexHullTest.java": null, "GrahamScanTest.java": null, "MidpointCircleTest.java": null, "MidpointEllipseTest.java": null, "PointTest.java": null}, "graph": {"ConstrainedShortestPathTest.java": null, "StronglyConnectedComponentOptimizedTest.java": null, "TravelingSalesmanTest.java": null}, "greedyalgorithms": {"ActivitySelectionTest.java": null, "BandwidthAllocationTest.java": null, "BinaryAdditionTest.java": null, "CoinChangeTest.java": null, "DigitSeparationTest.java": null, "EgyptianFractionTest.java": null, "FractionalKnapsackTest.java": null, "GaleShapleyTest.java": null, "JobSequencingTest.java": null, "KCentersTest.java": null, "MergeIntervalsTest.java": null, "MinimizingLatenessTest.java": null, "MinimumWaitingTimeTest.java": null, "OptimalFileMergingTest.java": null, "StockProfitCalculatorTest.java": null}, "io": {"BufferedReaderTest.java": null}, "lineclipping": {"CohenSutherlandTest.java": null, "LiangBarskyTest.java": null}, "maths": {"AbsoluteMaxTest.java": null, "AbsoluteMinTest.java": null, "AbsoluteValueTest.java": null, "ADTFractionTest.java": null, "AliquotSumTest.java": null, "AmicableNumberTest.java": null, "AreaTest.java": null, "ArmstrongTest.java": null, "AutoCorrelationTest.java": null, "AutomorphicNumberTest.java": null, "AverageTest.java": null, "BinaryPowTest.java": null, "BinomialCoefficientTest.java": null, "CatalanNumbersTest.java": null, "CeilTest.java": null, "ChineseRemainderTheoremTest.java": null, "CollatzConjectureTest.java": null, "CombinationsTest.java": null, "ConvolutionFFTTest.java": null, "ConvolutionTest.java": null, "CrossCorrelationTest.java": null, "DeterminantOfMatrixTest.java": null, "DigitalRootTest.java": null, "DistanceFormulaTest.java": null, "DudeneyNumberTest.java": null, "EulerMethodTest.java": null, "EulersFunctionTest.java": null, "FactorialRecursionTest.java": null, "FactorialTest.java": null, "FastExponentiationTest.java": null, "FastInverseSqrtTests.java": null, "FFTTest.java": null, "FibonacciJavaStreamsTest.java": null, "FibonacciLoopTest.java": null, "FibonacciNumberCheckTest.java": null, "FibonacciNumberGoldenRationTest.java": null, "FindKthNumberTest.java": null, "FindMaxRecursionTest.java": null, "FindMaxTest.java": null, "FindMinRecursionTest.java": null, "FindMinTest.java": null, "FloorTest.java": null, "FrizzyNumberTest.java": null, "GaussianTest.java": null, "GCDRecursionTest.java": null, "GCDTest.java": null, "GenericRootTest.java": null, "GoldbachConjectureTest.java": null, "HarshadNumberTest.java": null, "HeronsFormulaTest.java": null, "JosephusProblemTest.java": null, "KaprekarNumbersTest.java": null, "KaratsubaMultiplicationTest.java": null, "KrishnamurthyNumberTest.java": null, "LeastCommonMultipleTest.java": null, "LeonardoNumberTest.java": null, "LongDivisionTest.java": null, "LucasSeriesTest.java": null, "MathBuilderTest.java": null, "MaxValueTest.java": null, "MeansTest.java": null, "MedianTest.java": null, "MinValueTest.java": null, "ModeTest.java": null, "NonRepeatingElementTest.java": null, "NthUglyNumberTest.java": null, "NumberOfDigitsTest.java": null, "PalindromeNumberTest.java": null, "ParseIntegerTest.java": null, "PascalTriangleTest.java": null, "PerfectCubeTest.java": null, "PerfectNumberTest.java": null, "PerfectSquareTest.java": null, "PerimeterTest.java": null, "PollardRhoTest.java": null, "PowerOfTwoOrNotTest.java": null, "PowerUsingRecursionTest.java": null, "PowTest.java": null, "PronicNumberTest.java": null, "PythagoreanTripleTest.java": null, "QuadraticEquationSolverTest.java": null, "ReverseNumberTest.java": null, "SecondMinMaxTest.java": null, "SieveOfEratosthenesTest.java": null, "SolovayStrassenPrimalityTestTest.java": null, "SquareFreeIntegerTest.java": null, "SquareRootwithBabylonianMethodTest.java": null, "SquareRootWithNewtonRaphsonTestMethod.java": null, "StandardDeviationTest.java": null, "StandardScoreTest.java": null, "StrobogrammaticNumberTest.java": null, "SumOfArithmeticSeriesTest.java": null, "SumOfDigitsTest.java": null, "SumOfOddNumbersTest.java": null, "SumWithoutArithmeticOperatorsTest.java": null, "TestArmstrong.java": null, "TwinPrimeTest.java": null, "UniformNumbersTest.java": null, "VampireNumberTest.java": null, "VolumeTest.java": null, "prime": {"LiouvilleLambdaFunctionTest.java": null, "MillerRabinPrimalityCheckTest.java": null, "MobiusFunctionTest.java": null, "PrimeCheckTest.java": null, "PrimeFactorizationTest.java": null}}, "matrix": {"InverseOfMatrixTest.java": null, "MatrixRankTest.java": null, "MatrixTransposeTest.java": null, "MatrixUtilTest.java": null, "MedianOfMatrixTest.java": null, "MirrorOfMatrixTest.java": null, "SolveSystemTest.java": null, "TestPrintMatrixInSpiralOrder.java": null}, "misc": {"ColorContrastRatioTest.java": null, "MapReduceTest.java": null, "MedianOfRunningArrayTest.java": null, "PalindromePrimeTest.java": null, "PalindromeSinglyLinkedListTest.java": null, "RangeInSortedArrayTest.java": null, "ShuffleArrayTest.java": null, "SparsityTest.java": null, "ThreeSumProblemTest.java": null, "TwoSumProblemTest.java": null}, "others": {"ArrayLeftRotationTest.java": null, "ArrayRightRotationTest.java": null, "BestFitCPUTest.java": null, "BFPRTTest.java": null, "BoyerMooreTest.java": null, "ConwayTest.java": null, "CountFriendsPairingTest.java": null, "CRC16Test.java": null, "CRCAlgorithmTest.java": null, "FirstFitCPUTest.java": null, "FloydTriangleTest.java": null, "KadaneAlogrithmTest.java": null, "LineSweepTest.java": null, "LinkListSortTest.java": null, "LowestBasePalindromeTest.java": null, "MaximumSlidingWindowTest.java": null, "MaximumSumOfDistinctSubarraysWithLengthKTest.java": null, "NewManShanksPrimeTest.java": null, "NextFitTest.java": null, "PasswordGenTest.java": null, "QueueUsingTwoStacksTest.java": null, "RemoveDuplicateFromStringTest.java": null, "ReverseStackUsingRecursionTest.java": null, "SkylineProblemTest.java": null, "TestPrintMatrixInSpiralOrder.java": null, "TwoPointersTest.java": null, "WorstFitCPUTest.java": null, "cn": {"HammingDistanceTest.java": null}}, "puzzlesandgames": {"SudokuTest.java": null, "TowerOfHanoiTest.java": null, "WordBoggleTest.java": null}, "randomized": {"KargerMinCutTest.java": null, "MonteCarloIntegrationTest.java": null, "RandomizedClosestPairTest.java": null, "RandomizedMatrixMultiplicationVerificationTest.java": null, "RandomizedQuickSortTest.java": null, "ReservoirSamplingTest.java": null}, "recursion": {"FibonacciSeriesTest.java": null, "GenerateSubsetsTest.java": null}, "scheduling": {"AgingSchedulingTest.java": null, "EDFSchedulingTest.java": null, "FairShareSchedulingTest.java": null, "FCFSSchedulingTest.java": null, "GangSchedulingTest.java": null, "HighestResponseRatioNextSchedulingTest.java": null, "JobSchedulingWithDeadlineTest.java": null, "LotterySchedulingTest.java": null, "MLFQSchedulerTest.java": null, "MultiAgentSchedulingTest.java": null, "NonPreemptivePrioritySchedulingTest.java": null, "PreemptivePrioritySchedulingTest.java": null, "ProportionalFairSchedulingTest.java": null, "RandomSchedulingTest.java": null, "RRSchedulingTest.java": null, "SelfAdjustingSchedulingTest.java": null, "SJFSchedulingTest.java": null, "SlackTimeSchedulingTest.java": null, "SRTFSchedulingTest.java": null, "diskscheduling": {"CircularLookSchedulingTest.java": null, "CircularScanSchedulingTest.java": null, "LookSchedulingTest.java": null, "ScanSchedulingTest.java": null, "SSFSchedulingTest.java": null}}, "searches": {"BinarySearch2dArrayTest.java": null, "BinarySearchTest.java": null, "BM25InvertedIndexTest.java": null, "BoyerMooreTest.java": null, "BreadthFirstSearchTest.java": null, "DepthFirstSearchTest.java": null, "ExponentialSearchTest.java": null, "FibonacciSearchTest.java": null, "HowManyTimesRotatedTest.java": null, "InterpolationSearchTest.java": null, "IterativeBinarySearchTest.java": null, "IterativeTernarySearchTest.java": null, "JumpSearchTest.java": null, "KMPSearchTest.java": null, "LinearSearchTest.java": null, "LinearSearchThreadTest.java": null, "LowerBoundTest.java": null, "MonteCarloTreeSearchTest.java": null, "OrderAgnosticBinarySearchTest.java": null, "PerfectBinarySearchTest.java": null, "QuickSelectTest.java": null, "RabinKarpAlgorithmTest.java": null, "RandomSearchTest.java": null, "RecursiveBinarySearchTest.java": null, "RowColumnWiseSorted2dArrayBinarySearchTest.java": null, "SaddlebackSearchTest.java": null, "SearchInARowAndColWiseSortedMatrixTest.java": null, "SortOrderAgnosticBinarySearchTest.java": null, "SquareRootBinarySearchTest.java": null, "TernarySearchTest.java": null, "TestSearchInARowAndColWiseSortedMatrix.java": null, "UnionFindTest.java": null, "UpperBoundTest.java": null}, "slidingwindow": {"LongestSubarrayWithSumLessOrEqualToKTest.java": null, "LongestSubstringWithoutRepeatingCharactersTest.java": null, "MaxSumKSizeSubarrayTest.java": null, "MinSumKSizeSubarrayTest.java": null, "ShortestCoprimeSegmentTest.java": null}, "sorts": {"AdaptiveMergeSortTest.java": null, "BeadSortTest.java": null, "BinaryInsertionSortTest.java": null, "BitonicSortTest.java": null, "BogoSortTest.java": null, "BubbleSortRecursiveTest.java": null, "BubbleSortTest.java": null, "BucketSortTest.java": null, "CircleSortTest.java": null, "CocktailShakerSortTest.java": null, "CombSortTest.java": null, "CountingSortTest.java": null, "CycleSortTest.java": null, "DarkSortTest.java": null, "DualPivotQuickSortTest.java": null, "DutchNationalFlagSortTest.java": null, "ExchangeSortTest.java": null, "FlashSortTest.java": null, "GnomeSortTest.java": null, "HeapSortTest.java": null, "InsertionSortTest.java": null, "IntrospectiveSortTest.java": null, "MergeSortNoExtraSpaceTest.java": null, "MergeSortRecursiveTest.java": null, "MergeSortTest.java": null, "OddEvenSortTest.java": null, "PancakeSortTest.java": null, "PatienceSortTest.java": null, "PigeonholeSortTest.java": null, "QuickSortTest.java": null, "RadixSortTest.java": null, "SelectionSortRecursiveTest.java": null, "SelectionSortTest.java": null, "ShellSortTest.java": null, "SimpleSortTest.java": null, "SlowSortTest.java": null, "SortingAlgorithmTest.java": null, "SortUtilsRandomGeneratorTest.java": null, "SortUtilsTest.java": null, "SpreadSortTest.java": null, "StalinSortTest.java": null, "StoogeSortTest.java": null, "StrandSortTest.java": null, "SwapSortTest.java": null, "TimSortTest.java": null, "TopologicalSortTest.java": null, "TreeSortTest.java": null, "WaveSortTest.java": null, "WiggleSortTest.java": null}, "stacks": {"BalancedBracketsTest.java": null, "CelebrityFinderTest.java": null, "DecimalToAnyUsingStackTest.java": null, "DuplicateBracketsTest.java": null, "GreatestElementConstantTimeTest.java": null, "InfixToPostfixTest.java": null, "InfixToPrefixTest.java": null, "LargestRectangleTest.java": null, "MinStackUsingSingleStackTest.java": null, "MinStackUsingTwoStacksTest.java": null, "NextGreaterElementTest.java": null, "NextSmallerElementTest.java": null, "PalindromeWithStackTest.java": null, "PostfixEvaluatorTest.java": null, "PostfixToInfixTest.java": null, "PrefixEvaluatorTest.java": null, "PrefixToInfixTest.java": null, "SmallestElementConstantTimeTest.java": null, "SortStackTest.java": null, "StackPostfixNotationTest.java": null, "StackUsingTwoQueuesTest.java": null}, "strings": {"AhoCorasickTest.java": null, "AlphabeticalTest.java": null, "AnagramsTest.java": null, "CharactersSameTest.java": null, "CheckVowelsTest.java": null, "CountCharTest.java": null, "CountWordsTest.java": null, "HammingDistanceTest.java": null, "HorspoolSearchTest.java": null, "IsomorphicTest.java": null, "LetterCombinationsOfPhoneNumberTest.java": null, "LongestCommonPrefixTest.java": null, "LongestNonRepetitiveSubstringTest.java": null, "LongestPalindromicSubstringTest.java": null, "LowerTest.java": null, "ManacherTest.java": null, "MyAtoiTest.java": null, "PalindromeTest.java": null, "PangramTest.java": null, "PermuteStringTest.java": null, "ReturnSubsequenceTest.java": null, "ReverseStringRecursiveTest.java": null, "ReverseStringTest.java": null, "ReverseWordsInStringTest.java": null, "RotationTest.java": null, "StringCompressionTest.java": null, "StringMatchFiniteAutomataTest.java": null, "UpperTest.java": null, "ValidParenthesesTest.java": null, "WordLadderTest.java": null, "zigZagPattern": {"ZigZagPatternTest.java": null}}, "tree": {"HeavyLightDecompositionTest.java": null}}}}}}, ".devcontainer": {"devcontainer.json": null, "Dockerfile": null}, ".github": {"CODEOWNERS": null, "dependabot.yml": null, "pull_request_template.md": null, "ISSUE_TEMPLATE": {"bug_report.yml": null, "config.yml": null, "feature_request.yml": null, "other.yml": null}, "workflows": {"build.yml": null, "clang-format-lint.yml": null, "codeql.yml": null, "infer.yml": null, "project_structure.yml": null, "stale.yml": null, "update-directorymd.yml": null, "scripts": {"check_structure.py": null}}}}}
10
thealgorithms-java.git
C
https://github.com/TheAlgorithms/C.git
All Algorithms implemented in C. This repository is a collection of algorithms and data structures implemented in C. It is intended to be a resource for learning and reference, as well as a place to contribute new algorithms and data structures.
{"thealgorithms-c.git": {"README.md": null, "CMakeLists.txt": null, "CODE_OF_CONDUCT.md": null, "CodingGuidelines.md": null, "CONTRIBUTING.md": null, "DIRECTORY.md": null, "Doxyfile": null, "LICENSE": null, "REVIEWER_CODE.md": null, ".clang-format": null, ".clang-tidy": null, ".gitpod.dockerfile": null, ".gitpod.yml": null, "audio": {"alaw.c": null, "CMakeLists.txt": null}, "cipher": {"affine.c": null, "CMakeLists.txt": null, "rot13.c": null}, "client_server": {"bool.h": null, "client.c": null, "CMakeLists.txt": null, "fork.h": null, "remote_command_exec_udp_client.c": null, "remote_command_exec_udp_server.c": null, "server.c": null, "tcp_full_duplex_client.c": null, "tcp_full_duplex_server.c": null, "tcp_half_duplex_client.c": null, "tcp_half_duplex_server.c": null, "udp_client.c": null, "udp_server.c": null}, "conversions": {"binary_to_decimal.c": null, "binary_to_hexadecimal.c": null, "binary_to_octal.c": null, "c_atoi_str_to_integer.c": null, "celsius_to_fahrenheit.c": null, "CMakeLists.txt": null, "decimal_to_any_base.c": null, "decimal_to_binary.c": null, "decimal_to_binary_recursion.c": null, "decimal_to_hexa.c": null, "decimal_to_octal.c": null, "decimal_to_octal_recursion.c": null, "hexadecimal_to_octal.c": null, "hexadecimal_to_octal2.c": null, "infix_to_postfix.c": null, "infix_to_postfix2.c": null, "int_to_string.c": null, "octal_to_binary.c": null, "octal_to_decimal.c": null, "octal_to_hexadecimal.c": null, "roman_numerals_to_decimal.c": null, "to_decimal.c": null}, "data_structures": {"stack.c": null, "vector.c": null, "array": {"README.md": null, "carray.c": null, "carray.h": null, "carray_tests.c": null}, "binary_trees": {"avl_tree.c": null, "binary_search_tree.c": null, "create_node.c": null, "recursive_traversals.c": null, "red_black_tree.c": null, "segment_tree.c": null, "threaded_binary_trees.c": null, "words_alphabetical.c": null}, "dictionary": {"README.md": null, "dict.c": null, "dict.h": null, "test_program.c": null}, "dynamic_array": {"dynamic_array.c": null, "dynamic_array.h": null, "main.c": null, "Makefile": null}, "graphs": {"bellman_ford.c": null, "bfs.c": null, "bfs_queue.c": null, "dfs.c": null, "dfs_recursive.c": null, "dijkstra.c": null, "euler.c": null, "floyd_warshall.c": null, "graph.c": null, "graph.h": null, "hamiltonian.c": null, "kruskal.c": null, "Makefile": null, "queue.c": null, "queue.h": null, "strongly_connected_components.c": null, "topological_sort.c": null, "transitive_closure.c": null}, "hash_set": {"hash_set.c": null, "hash_set.h": null, "main.c": null, "Makefile": null}, "heap": {"max_heap.c": null, "min_heap.c": null}, "linked_list": {"ascending_priority_queue.c": null, "circular_doubly_linked_list.c": null, "circular_linked_list.c": null, "doubly_linked_list.c": null, "merge_linked_lists.c": null, "middle_element_in_list.c": null, "queue_linked_list.c": null, "singly_link_list_deletion.c": null, "stack_using_linked_lists.c": null}, "list": {"list.c": null, "list.h": null, "main.c": null, "Makefile": null}, "queue": {"include.h": null, "queue.c": null}, "stack": {"README.md": null, "dynamic_stack.c": null, "main.c": null, "parenthesis.c": null, "stack.c": null, "stack.h": null, "stack_linked_list": {"main.c": null, "Makefile": null, "stack.c": null, "stack.h": null}}, "trie": {"dictionary.txt": null, "trie.c": null}}, "developer_tools": {"CMakeLists.txt": null, "malloc_dbg.c": null, "malloc_dbg.h": null, "min_printf.h": null, "test_malloc_dbg.c": null, "test_min_printf.c": null}, "dynamic_programming": {"CMakeLists.txt": null, "lcs.c": null, "matrix_chain_order.c": null}, "exercism": {"README.md": null, "acronym": {"acronym.c": null, "acronym.h": null}, "hello_world": {"hello_world.c": null, "hello_world.h": null}, "isogram": {"isogram.c": null, "isogram.h": null}, "rna_transcription": {"rna_transcription.c": null, "rna_transcription.h": null}, "word_count": {"word_count.c": null, "word_count.h": null}}, "games": {"CMakeLists.txt": null, "hangman.c": null, "naval_battle.c": null, "tic_tac_toe.c": null, "words.txt": null}, "geometry": {"CMakeLists.txt": null, "geometry_datatypes.h": null, "quaternions.c": null, "vectors_3d.c": null}, "graphics": {"CMakeLists.txt": null, "spirograph.c": null}, "greedy_approach": {"dijkstra.c": null, "prim.c": null}, "hash": {"README.md": null, "CMakeLists.txt": null, "hash_adler32.c": null, "hash_blake2b.c": null, "hash_crc32.c": null, "hash_djb2.c": null, "hash_sdbm.c": null, "hash_xor8.c": null}, "leetcode": {"README.md": null, "DIRECTORY.md": null, "src": {"1.c": null, "10.c": null, "1008.c": null, "1009.c": null, "101.c": null, "1019.c": null, "1026.c": null, "104.c": null, "108.c": null, "1089.c": null, "109.c": null, "11.c": null, "110.c": null, "112.c": null, "1137.c": null, "1147.c": null, "118.c": null, "1184.c": null, "1189.c": null, "119.c": null, "12.c": null, "1207.c": null, "121.c": null, "124.c": null, "125.c": null, "1283.c": null, "13.c": null, "136.c": null, "14.c": null, "141.c": null, "142.c": null, "1524.c": null, "153.c": null, "16.c": null, "160.c": null, "1653.c": null, "1657.c": null, "169.c": null, "1695.c": null, "17.c": null, "1704.c": null, "173.c": null, "1752.c": null, "1769.c": null, "1833.c": null, "1838.c": null, "189.c": null, "19.c": null, "190.c": null, "191.c": null, "2.c": null, "20.c": null, "201.c": null, "2024.c": null, "203.c": null, "206.c": null, "2095.c": null, "21.c": null, "2125.c": null, "2130.c": null, "215.c": null, "217.c": null, "2222.c": null, "223.c": null, "2256.c": null, "226.c": null, "2270.c": null, "2279.c": null, "230.c": null, "2304.c": null, "231.c": null, "234.c": null, "236.c": null, "24.c": null, "242.c": null, "2482.c": null, "2501.c": null, "26.c": null, "268.c": null, "27.c": null, "274.c": null, "278.c": null, "28.c": null, "283.c": null, "287.c": null, "29.c": null, "3.c": null, "32.c": null, "344.c": null, "35.c": null, "367.c": null, "37.c": null, "38.c": null, "387.c": null, "389.c": null, "4.c": null, "404.c": null, "42.c": null, "434.c": null, "442.c": null, "45.c": null, "461.c": null, "476.c": null, "485.c": null, "5.c": null, "50.c": null, "509.c": null, "520.c": null, "53.c": null, "540.c": null, "561.c": null, "567.c": null, "6.c": null, "617.c": null, "62.c": null, "63.c": null, "647.c": null, "66.c": null, "669.c": null, "674.c": null, "684.c": null, "69.c": null, "7.c": null, "700.c": null, "701.c": null, "704.c": null, "709.c": null, "75.c": null, "771.c": null, "79.c": null, "8.c": null, "807.c": null, "82.c": null, "83.c": null, "841.c": null, "852.c": null, "876.c": null, "9.c": null, "901.c": null, "905.c": null, "917.c": null, "931.c": null, "938.c": null, "94.c": null, "953.c": null, "965.c": null, "977.c": null, "979.c": null, "98.c": null, "985.c": null, "997.c": null}}, "machine_learning": {"adaline_learning.c": null, "CMakeLists.txt": null, "k_means_clustering.c": null, "kohonen_som_topology.c": null, "kohonen_som_trace.c": null}, "math": {"armstrong_number.c": null, "cantor_set.c": null, "cartesian_to_polar.c": null, "catalan.c": null, "CMakeLists.txt": null, "collatz.c": null, "euclidean_algorithm_extended.c": null, "factorial.c": null, "factorial_large_number.c": null, "factorial_trailing_zeroes.c": null, "fibonacci.c": null, "fibonacci_dp.c": null, "fibonacci_fast.c": null, "fibonacci_formula.c": null, "gcd.c": null, "is_armstrong.c": null, "large_factorials.c": null, "lcm.c": null, "lerp.c": null, "palindrome.c": null, "prime.c": null, "prime_factoriziation.c": null, "prime_sieve.c": null, "strong_number.c": null}, "misc": {"CMakeLists.txt": null, "demonetization.c": null, "hamming_distance.c": null, "lexicographic_permutations.c": null, "longest_subsequence.c": null, "mcnaughton_yamada_thompson.c": null, "mirror.c": null, "pid.c": null, "poly_add.c": null, "postfix_evaluation.c": null, "quartile.c": null, "rselect.c": null, "run_length_encoding.c": null, "shunting_yard.c": null, "sudoku_solver.c": null, "tower_of_hanoi.c": null, "union_find.c": null}, "numerical_methods": {"bisection_method.c": null, "CMakeLists.txt": null, "durand_kerner_roots.c": null, "gauss_elimination.c": null, "gauss_seidel_method.c": null, "lagrange_theorem.c": null, "lu_decompose.c": null, "mean.c": null, "median.c": null, "newton_raphson_root.c": null, "ode_forward_euler.c": null, "ode_midpoint_euler.c": null, "ode_semi_implicit_euler.c": null, "qr_decompose.h": null, "qr_decomposition.c": null, "qr_eigen_values.c": null, "realtime_stats.c": null, "secant_method.c": null, "simpsons_1_3rd_rule.c": null, "variance.c": null}, "process_scheduling_algorithms": {"CMakeLists.txt": null, "non_preemptive_priority_scheduling.c": null}, "project_euler": {"README.md": null, "CMakeLists.txt": null, "problem_1": {"sol1.c": null, "sol2.c": null, "sol3.c": null, "sol4.c": null}, "problem_10": {"sol1.c": null, "sol2.c": null}, "problem_12": {"sol1.c": null}, "problem_13": {"num.txt": null, "sol1.c": null}, "problem_14": {"sol1.c": null}, "problem_15": {"sol1.c": null}, "problem_16": {"sol1.c": null}, "problem_19": {"sol1.c": null}, "problem_2": {"so1.c": null}, "problem_20": {"sol1.c": null}, "problem_21": {"sol1.c": null}, "problem_22": {"names.txt": null, "sol1.c": null}, "problem_23": {"sol1.c": null, "sol2.c": null}, "problem_24": {"sol1": null}, "problem_25": {"sol1.c": null}, "problem_26": {"sol1.c": null}, "problem_3": {"sol1.c": null, "sol2.c": null}, "problem_4": {"sol.c": null}, "problem_401": {"sol1.c": null}, "problem_5": {"sol1.c": null, "sol2.c": null, "sol3.c": null}, "problem_6": {"sol.c": null}, "problem_7": {"sol.c": null, "sol2.c": null}, "problem_8": {"digits.txt": null, "sol1.c": null, "sol2.c": null}, "problem_9": {"sol1.c": null, "sol2.c": null}}, "scripts": {"file_linter.py": null, "leetcode_directory_md.py": null}, "searching": {"binary_search.c": null, "CMakeLists.txt": null, "exponential_search.c": null, "fibonacci_search.c": null, "floyd_cycle_detection_algorithm.c": null, "interpolation_search.c": null, "jump_search.c": null, "linear_search.c": null, "modified_binary_search.c": null, "other_binary_search.c": null, "sentinel_linear_search.c": null, "ternary_search.c": null, "pattern_search": {"boyer_moore_search.c": null, "CMakeLists.txt": null, "naive_search.c": null, "rabin_karp_search.c": null}}, "sorting": {"bead_sort.c": null, "binary_insertion_sort.c": null, "bogo_sort.c": null, "bubble_sort.c": null, "bubble_sort_2.c": null, "bubble_sort_recursion.c": null, "bucket_sort.c": null, "CMakeLists.txt": null, "cocktail_sort.c": null, "comb_sort.c": null, "counting_sort.c": null, "cycle_sort.c": null, "gnome_sort.c": null, "heap_sort.c": null, "heap_sort_2.c": null, "insertion_sort.c": null, "insertion_sort_recursive.c": null, "merge_sort.c": null, "merge_sort_nr.c": null, "multikey_quick_sort.c": null, "odd_even_sort.c": null, "pancake_sort.c": null, "partition_sort.c": null, "patience_sort.c": null, "pigeonhole_sort.c": null, "quick_sort.c": null, "radix_sort.c": null, "radix_sort_2.c": null, "random_quick_sort.c": null, "selection_sort.c": null, "selection_sort_recursive.c": null, "shaker_sort.c": null, "shell_sort.c": null, "shell_sort2.c": null, "stooge_sort.c": null}, ".github": {"CODEOWNERS": null, "labeler.yml": null, "pull_request_template.md": null, "ISSUE_TEMPLATE": {"bug_report.yml": null, "config.yml": null, "feature_request.yml": null, "other.yml": null}, "workflows": {"approved-label.yml": null, "awesome_workflow.yml": null, "codeql.yml": null, "directory_writer.yml": null, "gh-pages.yml": null, "labeler.yml": null, "leetcode_directory_writer.yml": null, "stale.yml": null}}}}
5
thealgorithms-c.git
Go
https://github.com/TheAlgorithms/Go.git
All Algorithms implemented in Go. This repository is a collection of algorithms and data structures implemented in Go. It is intended to be a resource for learning and reference, as well as a place to contribute new algorithms and data structures.
{"thealgorithms-go.git": {"README.md": null, "CONTRIBUTING.md": null, "go.mod": null, "go.sum": null, "LICENSE": null, "STYLE.md": null, ".gitpod.dockerfile": null, ".gitpod.yml": null, ".golangci.yml": null, "cache": {"lfu.go": null, "lfu_test.go": null, "lru.go": null, "lru_test.go": null}, "checksum": {"crc8.go": null, "crc8_test.go": null, "luhn.go": null, "luhn_test.go": null}, "cipher": {"cipher_test.go": null, "doc.go": null, "caesar": {"caesar.go": null, "caesar_test.go": null}, "diffiehellman": {"diffiehellmankeyexchange.go": null, "diffiehellmankeyexchange_test.go": null}, "dsa": {"dsa.go": null, "dsa_test.go": null}, "polybius": {"polybius.go": null, "polybius_test.go": null}, "railfence": {"railfence.go": null, "railfence_test.go": null}, "rot13": {"rot13.go": null, "rot13_test.go": null}, "rsa": {"rsa.go": null, "rsa2.go": null, "rsa2_test.go": null, "rsa_test.go": null}, "transposition": {"transposition.go": null, "transposition_test.go": null}, "xor": {"xor.go": null, "xor_test.go": null}}, "compression": {"huffmancoding.go": null, "huffmancoding_test.go": null, "rlecoding.go": null, "rlecoding_test.go": null}, "constraints": {"constraints.go": null}, "conversion": {"base64.go": null, "base64_test.go": null, "binarytodecimal.go": null, "binarytodecimal_test.go": null, "conversion_test.go": null, "decimaltobinary.go": null, "decimaltobinary_test.go": null, "doc.go": null, "hexadecimaltobinary.go": null, "hexadecimaltobinary_test.go": null, "hexadecimaltodecimal.go": null, "hexadecimaltodecimal_test.go": null, "inttoroman.go": null, "inttoroman_test.go": null, "rgbhex.go": null, "rgbhex_test.go": null, "romantoint.go": null, "romantoint_test.go": null}, "dynamic": {"abbreviation.go": null, "abbreviation_test.go": null, "binomialcoefficient.go": null, "binomialcoefficient_test.go": null, "burstballoons.go": null, "burstballoons_test.go": null, "catalan.go": null, "catalan_test.go": null, "coinchange.go": null, "coinchange_test.go": null, "dicethrow.go": null, "dicethrow_test.go": null, "doc.go": null, "dynamic_test.go": null, "editdistance.go": null, "editdistance_test.go": null, "eggdropping.go": null, "eggdropping_test.go": null, "fibonacci.go": null, "fibonacci_test.go": null, "interleavingstrings.go": null, "interleavingstrings_test.go": null, "knapsack.go": null, "knapsack_test.go": null, "longestarithmeticsubsequence.go": null, "longestarithmeticsubsequence_test.go": null, "longestcommonsubsequence.go": null, "longestcommonsubsequence_test.go": null, "longestincreasingsubsequence.go": null, "longestincreasingsubsequence_test.go": null, "longestincreasingsubsequencegreedy.go": null, "longestpalindromicsubsequence.go": null, "longestpalindromicsubsequence_test.go": null, "longestpalindromicsubstring.go": null, "longestpalindromicsubstring_test.go": null, "matrixmultiplication.go": null, "maxsubarraysum.go": null, "maxsubarraysum_test.go": null, "optimalbst.go": null, "optimalbst_test.go": null, "partitionproblem.go": null, "partitionproblem_test.go": null, "rodcutting.go": null, "rodcutting_test.go": null, "subsetsum.go": null, "subsetsum_test.go": null, "tilingproblem.go": null, "tilingproblem_test.go": null, "traprainwater.go": null, "traprainwater_test.go": null, "uniquepaths.go": null, "uniquepaths_test.go": null, "wildcardmatching.go": null, "wildcardmatching_test.go": null, "wordbreak.go": null, "wordbreak_test.go": null}, "graph": {"articulationpoints.go": null, "articulationpoints_test.go": null, "bellmanford.go": null, "bellmanford_test.go": null, "breadthfirstsearch.go": null, "breadthfirstsearch_test.go": null, "cycle.go": null, "cycle_test.go": null, "depthfirstsearch.go": null, "depthfirstsearch_test.go": null, "dijkstra.go": null, "dijkstra_test.go": null, "doc.go": null, "edmondkarp.go": null, "edmondkarp_test.go": null, "floydwarshall.go": null, "floydwarshall_test.go": null, "graph.go": null, "graph_test.go": null, "kahn.go": null, "kahn_test.go": null, "kosaraju.go": null, "kosaraju_test.go": null, "kruskal.go": null, "kruskal_test.go": null, "lowestcommonancestor.go": null, "lowestcommonancestor_test.go": null, "prim.go": null, "prim_test.go": null, "topological.go": null, "topological_test.go": null, "unionfind.go": null, "unionfind_test.go": null, "coloring": {"backtracking.go": null, "backtracking_test.go": null, "bfs.go": null, "bfs_test.go": null, "bipartite.go": null, "bipartite_test.go": null, "doc.go": null, "graph.go": null, "graph_test.go": null, "greedy.go": null, "greedy_test.go": null}}, "hashing": {"doc.go": null, "hashing_test.go": null, "md5": {"md5.go": null, "md5_test.go": null}, "sha1": {"sha1.go": null, "sha1_test.go": null}, "sha256": {"sha256.go": null, "sha256_test.go": null}}, "math": {"abs.go": null, "abs_test.go": null, "aliquot_test.go": null, "aliquotsum.go": null, "binomialcoefficient.go": null, "binomialcoefficient_test.go": null, "checkisnumberpoweroftwo.go": null, "checkisnumberpoweroftwo_test.go": null, "cos.go": null, "cos_test.go": null, "doc.go": null, "eulertotient.go": null, "eulertotient_test.go": null, "isautomorphic.go": null, "isautomorphic_test.go": null, "krishnamurthy.go": null, "krishnamurthy_test.go": null, "kthnumber.go": null, "kthnumber_test.go": null, "lerp.go": null, "lerp_test.go": null, "liouville.go": null, "liouville_test.go": null, "math_test.go": null, "mean.go": null, "mean_test.go": null, "median.go": null, "median_test.go": null, "mobius.go": null, "mobius_test.go": null, "mode.go": null, "mode_test.go": null, "perfectnumber.go": null, "perfectnumber_test.go": null, "pollard.go": null, "pollard_test.go": null, "pronicnumber.go": null, "pronicnumber_test.go": null, "sin.go": null, "sin_test.go": null, "armstrong": {"isarmstrong.go": null, "isarmstrong_test.go": null}, "binary": {"abs.go": null, "abs_test.go": null, "arithmeticmean.go": null, "arithmeticmean_test.go": null, "bitcounter.go": null, "bitcounter_test.go": null, "checkisnumberpoweroftwo.go": null, "checkisnumberpoweroftwo_test.go": null, "fast_inverse_sqrt.go": null, "logarithm.go": null, "logarithm_test.go": null, "rbc.go": null, "rbc_test.go": null, "reversebits.go": null, "reversebits_test.go": null, "sqrt.go": null, "sqrt_test.go": null, "xorsearch.go": null, "xorsearch_test.go": null}, "catalan": {"catalannumber.go": null, "catalannumber_test.go": null}, "factorial": {"factorial.go": null, "factorial_test.go": null}, "fibonacci": {"fibonacci.go": null, "fibonacci_test.go": null}, "gcd": {"extended.go": null, "extended_test.go": null, "extendedgcd.go": null, "extendedgcd_test.go": null, "extendedgcditerative.go": null, "gcd.go": null, "gcd_test.go": null, "gcditerative.go": null}, "geometry": {"distance.go": null, "distance_test.go": null, "straightlines.go": null, "straightlines_test.go": null}, "lcm": {"lcm.go": null, "lcm_test.go": null}, "matrix": {"add.go": null, "add_test.go": null, "checkequal.go": null, "checkequal_test.go": null, "copy.go": null, "copy_test.go": null, "determinant.go": null, "determinant_test.go": null, "isvalid.go": null, "isvalid_test.go": null, "matchdimensions.go": null, "matchdimensions_test.go": null, "matrix.go": null, "matrix_test.go": null, "multiply.go": null, "multiply_test.go": null, "strassenmatrixmultiply.go": null, "strassenmatrixmultiply_test.go": null, "string.go": null, "string_test.go": null, "submatrix.go": null, "submatrix_test.go": null, "subtract.go": null, "subtract_test.go": null}, "max": {"bitwisemax.go": null, "bitwisemax_test.go": null, "max.go": null, "max_test.go": null}, "min": {"bitwisemin.go": null, "min.go": null, "min_test.go": null}, "modular": {"exponentiation.go": null, "exponentiation_test.go": null, "inverse.go": null, "inverse_test.go": null}, "moserdebruijnsequence": {"sequence.go": null, "sequence_test.go": null}, "pascal": {"pascaltriangle.go": null, "pascaltriangle_test.go": null}, "permutation": {"heaps.go": null, "heaps_test.go": null, "next_permutation.go": null, "next_permutation_test.go": null}, "pi": {"montecarlopi.go": null, "montecarlopi_test.go": null, "spigotpi.go": null, "spigotpi_test.go": null}, "power": {"fastexponent.go": null, "fastexponent_test.go": null, "powvialogarithm.go": null, "powvialogarithm_test.go": null}, "prime": {"millerrabintest.go": null, "prime_test.go": null, "primecheck.go": null, "primefactorization.go": null, "primefactorization_test.go": null, "sieve.go": null, "sieve2.go": null, "sieve2_test.go": null, "sieve_test.go": null, "twin.go": null, "twin_test.go": null}, "pythagoras": {"pythagoras.go": null, "pythagoras_test.go": null}}, "other": {"doc.go": null, "other_test.go": null, "maxsubarraysum": {"maxsubarraysum.go": null, "maxsubarraysum_test.go": null}, "nested": {"nestedbrackets.go": null, "nestedbrackets_test.go": null}, "password": {"generator.go": null}}, "project_euler": {"problem_1": {"problem1.go": null, "problem1_test.go": null}, "problem_10": {"problem10.go": null, "problem10_test.go": null}, "problem_11": {"problem11.go": null, "problem11_test.go": null}, "problem_12": {"problem12.go": null, "problem12_test.go": null}, "problem_13": {"problem13.go": null, "problem13_test.go": null}, "problem_14": {"problem14.go": null, "problem14_test.go": null}, "problem_15": {"problem15.go": null, "problem15_test.go": null}, "problem_16": {"problem16.go": null, "problem16_test.go": null}, "problem_17": {"input.go": null, "problem17.go": null, "problem17_test.go": null}, "problem_18": {"edge.go": null, "input.go": null, "leaf.go": null, "problem18.go": null, "problem18_test.go": null, "root.go": null, "tree.go": null}, "problem_19": {"problem19.go": null, "problem19_test.go": null}, "problem_2": {"problem2.go": null, "problem2_test.go": null}, "problem_20": {"problem20.go": null, "problem20_test.go": null}, "problem_3": {"problem3.go": null, "problem3_test.go": null}, "problem_4": {"problem4.go": null, "problem4_test.go": null}, "problem_5": {"problem5.go": null, "problem5_test.go": null}, "problem_6": {"problem6.go": null, "problem6_test.go": null}, "problem_7": {"problem7.go": null, "problem7_test.go": null}, "problem_8": {"problem8.go": null, "problem8_test.go": null}, "problem_9": {"problem9.go": null, "problem9_test.go": null}}, "search": {"binary.go": null, "binary_test.go": null, "doc.go": null, "errors.go": null, "interpolation.go": null, "interpolation_test.go": null, "jump.go": null, "jump2.go": null, "jump2_test.go": null, "jump_test.go": null, "linear.go": null, "linear_test.go": null, "selectk.go": null, "selectk_test.go": null, "ternary.go": null, "ternary_test.go": null, "testcases.go": null}, "sort": {"binaryinsertionsort.go": null, "bogosort.go": null, "bubblesort.go": null, "bucketsort.go": null, "circlesort.go": null, "cocktailsort.go": null, "combSort.go": null, "countingsort.go": null, "cyclesort.go": null, "doc.go": null, "exchangesort.go": null, "heapsort.go": null, "insertionsort.go": null, "mergesort.go": null, "oddevensort.go": null, "pancakesort.go": null, "patiencesort.go": null, "pigeonholesort.go": null, "quicksort.go": null, "radixsort.go": null, "selectionsort.go": null, "shellsort.go": null, "simplesort.go": null, "sorts_test.go": null, "stooge_sort.go": null, "timsort.go": null}, "sqrt": {"sqrtdecomposition.go": null, "sqrtdecomposition_test.go": null}, "strings": {"charoccurrence.go": null, "charoccurrence_test.go": null, "doc.go": null, "isisogram.go": null, "isisogram_test.go": null, "issubsequence.go": null, "issubsequence_test.go": null, "strings_test.go": null, "ahocorasick": {"advancedahocorasick.go": null, "advancedahocorasick_test.go": null, "ahocorasick.go": null, "ahocorasick_test.go": null, "patterns.txt": null, "shared.go": null, "text.txt": null}, "bom": {"bom.go": null}, "combination": {"combination.go": null}, "generateparentheses": {"generateparentheses.go": null, "generateparentheses_test.go": null}, "genetic": {"genetic.go": null, "geneticalgorithm_test.go": null}, "guid": {"guid.go": null, "guid_test.go": null}, "hamming": {"hammingdistance.go": null, "hammingdistance_test.go": null}, "horspool": {"horspool.go": null, "horspool_test.go": null}, "kmp": {"kmp.go": null, "kmp_test.go": null}, "levenshtein": {"levenshteindistance.go": null, "levenshteindistance_test.go": null}, "manacher": {"longestpalindrome.go": null, "longestpalindrome_test.go": null}, "palindrome": {"ispalindrome.go": null, "ispalindrome_test.go": null}, "pangram": {"ispangram.go": null, "ispangram_test.go": null}, "parenthesis": {"parenthesis.go": null, "parenthesis_test.go": null}, "search": {"boyermoore.go": null, "naive.go": null, "patternsearch_test.go": null}}, "structure": {"doc.go": null, "structure_test.go": null, "circularqueue": {"circularqueue_test.go": null, "circularqueuearray.go": null}, "deque": {"deque.go": null, "deque_test.go": null}, "dynamicarray": {"dynamicarray.go": null, "dynamicarray_test.go": null}, "fenwicktree": {"fenwicktree.go": null, "fenwicktree_test.go": null}, "hashmap": {"hashmap.go": null, "hashmap_test.go": null}, "heap": {"heap.go": null, "heap_test.go": null}, "linkedlist": {"Readme.md": null, "cyclic.go": null, "cyclic_test.go": null, "doc.go": null, "doubly.go": null, "doubly_test.go": null, "shared.go": null, "singlylinkedlist.go": null, "singlylinkedlist_test.go": null}, "queue": {"queue_test.go": null, "queuearray.go": null, "queuelinkedlist.go": null, "queuelinklistwithlist.go": null}, "segmenttree": {"segmenttree.go": null, "segmenttree_test.go": null}, "set": {"set.go": null, "set_test.go": null, "setexample_test.go": null}, "stack": {"stack_test.go": null, "stackarray.go": null, "stacklinkedlist.go": null, "stacklinkedlistwithlist.go": null}, "tree": {"avl.go": null, "avl_test.go": null, "bstree.go": null, "bstree_test.go": null, "btree.go": null, "btree_test.go": null, "example_test.go": null, "rbtree.go": null, "rbtree_test.go": null, "tree.go": null, "tree_test.go": null}, "trie": {"trie.go": null, "trie_bench_test.go": null, "trie_test.go": null, "trieexample_test.go": null}}, ".github": {"CODEOWNERS": null, "dependabot.yml": null, "ISSUE_TEMPLATE": {"bug_report.yml": null, "config.yml": null, "new_implementation.yml": null, "other.yml": null}, "PULL_REQUEST_TEMPLATE": {"pull_request.md": null}, "workflows": {"ci.yml": null, "citk.yml": null, "godocmd.yml": null, "stale.yml": null, "upload_coverage_report.yml": null}}}}
4
thealgorithms-go.git
Rust
https://github.com/TheAlgorithms/Rust.git
All Algorithms implemented in Rust. This repository is a collection of algorithms and data structures implemented in Rust. It is intended to be a resource for learning and reference, as well as a place to contribute new algorithms and data structures.
{"thealgorithms-rust.git": {"README.md": null, "Cargo.toml": null, "clippy.toml": null, "CONTRIBUTING.md": null, "DIRECTORY.md": null, "LICENSE": null, ".gitconfig": null, ".gitpod.Dockerfile": null, ".gitpod.yml": null, "git_hooks": {"pre-commit": null}, "src": {"lib.rs": null, "backtracking": {"all_combination_of_size_k.rs": null, "graph_coloring.rs": null, "hamiltonian_cycle.rs": null, "knight_tour.rs": null, "mod.rs": null, "n_queens.rs": null, "parentheses_generator.rs": null, "permutations.rs": null, "rat_in_maze.rs": null, "subset_sum.rs": null, "sudoku.rs": null}, "big_integer": {"fast_factorial.rs": null, "mod.rs": null, "multiply.rs": null, "poly1305.rs": null}, "bit_manipulation": {"counting_bits.rs": null, "highest_set_bit.rs": null, "mod.rs": null, "n_bits_gray_code.rs": null, "sum_of_two_integers.rs": null}, "ciphers": {"README.md": null, "aes.rs": null, "another_rot13.rs": null, "baconian_cipher.rs": null, "base64.rs": null, "blake2b.rs": null, "caesar.rs": null, "chacha.rs": null, "diffie_hellman.rs": null, "hashing_traits.rs": null, "kerninghan.rs": null, "mod.rs": null, "morse_code.rs": null, "polybius.rs": null, "rail_fence.rs": null, "rot13.rs": null, "salsa.rs": null, "sha256.rs": null, "sha3.rs": null, "tea.rs": null, "theoretical_rot13.rs": null, "transposition.rs": null, "vigenere.rs": null, "xor.rs": null}, "compression": {"mod.rs": null, "move_to_front.rs": null, "run_length_encoding.rs": null}, "conversions": {"binary_to_decimal.rs": null, "binary_to_hexadecimal.rs": null, "decimal_to_binary.rs": null, "decimal_to_hexadecimal.rs": null, "hexadecimal_to_binary.rs": null, "hexadecimal_to_decimal.rs": null, "length_conversion.rs": null, "mod.rs": null, "octal_to_binary.rs": null, "octal_to_decimal.rs": null, "rgb_cmyk_conversion.rs": null}, "data_structures": {"README.md": null, "avl_tree.rs": null, "b_tree.rs": null, "binary_search_tree.rs": null, "fenwick_tree.rs": null, "floyds_algorithm.rs": null, "graph.rs": null, "hash_table.rs": null, "heap.rs": null, "lazy_segment_tree.rs": null, "linked_list.rs": null, "mod.rs": null, "queue.rs": null, "range_minimum_query.rs": null, "rb_tree.rs": null, "segment_tree.rs": null, "segment_tree_recursive.rs": null, "stack_using_singly_linked_list.rs": null, "treap.rs": null, "trie.rs": null, "union_find.rs": null, "veb_tree.rs": null, "probabilistic": {"bloom_filter.rs": null, "count_min_sketch.rs": null, "mod.rs": null}}, "dynamic_programming": {"coin_change.rs": null, "egg_dropping.rs": null, "fibonacci.rs": null, "fractional_knapsack.rs": null, "is_subsequence.rs": null, "knapsack.rs": null, "longest_common_subsequence.rs": null, "longest_common_substring.rs": null, "longest_continuous_increasing_subsequence.rs": null, "longest_increasing_subsequence.rs": null, "matrix_chain_multiply.rs": null, "maximal_square.rs": null, "maximum_subarray.rs": null, "minimum_cost_path.rs": null, "mod.rs": null, "optimal_bst.rs": null, "rod_cutting.rs": null, "snail.rs": null, "subset_generation.rs": null, "trapped_rainwater.rs": null, "word_break.rs": null}, "financial": {"mod.rs": null, "present_value.rs": null}, "general": {"convex_hull.rs": null, "fisher_yates_shuffle.rs": null, "genetic.rs": null, "hanoi.rs": null, "huffman_encoding.rs": null, "kadane_algorithm.rs": null, "kmeans.rs": null, "mex.rs": null, "mod.rs": null, "two_sum.rs": null, "permutations": {"heap.rs": null, "mod.rs": null, "naive.rs": null, "steinhaus_johnson_trotter.rs": null}}, "geometry": {"closest_points.rs": null, "graham_scan.rs": null, "jarvis_scan.rs": null, "mod.rs": null, "point.rs": null, "polygon_points.rs": null, "ramer_douglas_peucker.rs": null, "segment.rs": null}, "graph": {"astar.rs": null, "bellman_ford.rs": null, "bipartite_matching.rs": null, "breadth_first_search.rs": null, "centroid_decomposition.rs": null, "decremental_connectivity.rs": null, "depth_first_search.rs": null, "depth_first_search_tic_tac_toe.rs": null, "detect_cycle.rs": null, "dijkstra.rs": null, "dinic_maxflow.rs": null, "disjoint_set_union.rs": null, "eulerian_path.rs": null, "floyd_warshall.rs": null, "ford_fulkerson.rs": null, "graph_enumeration.rs": null, "heavy_light_decomposition.rs": null, "kosaraju.rs": null, "lee_breadth_first_search.rs": null, "lowest_common_ancestor.rs": null, "minimum_spanning_tree.rs": null, "mod.rs": null, "prim.rs": null, "prufer_code.rs": null, "strongly_connected_components.rs": null, "tarjans_ssc.rs": null, "topological_sort.rs": null, "two_satisfiability.rs": null}, "greedy": {"mod.rs": null, "stable_matching.rs": null}, "machine_learning": {"cholesky.rs": null, "k_means.rs": null, "linear_regression.rs": null, "logistic_regression.rs": null, "mod.rs": null, "loss_function": {"average_margin_ranking_loss.rs": null, "hinge_loss.rs": null, "huber_loss.rs": null, "kl_divergence_loss.rs": null, "mean_absolute_error_loss.rs": null, "mean_squared_error_loss.rs": null, "mod.rs": null, "negative_log_likelihood.rs": null}, "optimization": {"adam.rs": null, "gradient_descent.rs": null, "mod.rs": null}}, "math": {"abs.rs": null, "aliquot_sum.rs": null, "amicable_numbers.rs": null, "area_of_polygon.rs": null, "area_under_curve.rs": null, "armstrong_number.rs": null, "average.rs": null, "baby_step_giant_step.rs": null, "bell_numbers.rs": null, "binary_exponentiation.rs": null, "binomial_coefficient.rs": null, "catalan_numbers.rs": null, "ceil.rs": null, "chinese_remainder_theorem.rs": null, "collatz_sequence.rs": null, "combinations.rs": null, "cross_entropy_loss.rs": null, "decimal_to_fraction.rs": null, "doomsday.rs": null, "elliptic_curve.rs": null, "euclidean_distance.rs": null, "exponential_linear_unit.rs": null, "extended_euclidean_algorithm.rs": null, "factorial.rs": null, "factors.rs": null, "fast_fourier_transform.rs": null, "fast_power.rs": null, "faster_perfect_numbers.rs": null, "field.rs": null, "frizzy_number.rs": null, "gaussian_elimination.rs": null, "gaussian_error_linear_unit.rs": null, "gcd_of_n_numbers.rs": null, "geometric_series.rs": null, "greatest_common_divisor.rs": null, "huber_loss.rs": null, "infix_to_postfix.rs": null, "interest.rs": null, "interpolation.rs": null, "interquartile_range.rs": null, "karatsuba_multiplication.rs": null, "lcm_of_n_numbers.rs": null, "leaky_relu.rs": null, "least_square_approx.rs": null, "linear_sieve.rs": null, "logarithm.rs": null, "lucas_series.rs": null, "matrix_ops.rs": null, "mersenne_primes.rs": null, "miller_rabin.rs": null, "mod.rs": null, "modular_exponential.rs": null, "newton_raphson.rs": null, "nthprime.rs": null, "pascal_triangle.rs": null, "perfect_cube.rs": null, "perfect_numbers.rs": null, "perfect_square.rs": null, "pollard_rho.rs": null, "postfix_evaluation.rs": null, "prime_check.rs": null, "prime_factors.rs": null, "prime_numbers.rs": null, "quadratic_residue.rs": null, "random.rs": null, "relu.rs": null, "sieve_of_eratosthenes.rs": null, "sigmoid.rs": null, "signum.rs": null, "simpsons_integration.rs": null, "softmax.rs": null, "sprague_grundy_theorem.rs": null, "square_pyramidal_numbers.rs": null, "square_root.rs": null, "sum_of_digits.rs": null, "sum_of_geometric_progression.rs": null, "sum_of_harmonic_series.rs": null, "sylvester_sequence.rs": null, "tanh.rs": null, "trapezoidal_integration.rs": null, "trial_division.rs": null, "trig_functions.rs": null, "vector_cross_product.rs": null, "zellers_congruence_algorithm.rs": null}, "navigation": {"bearing.rs": null, "haversine.rs": null, "mod.rs": null}, "number_theory": {"compute_totient.rs": null, "euler_totient.rs": null, "kth_factor.rs": null, "mod.rs": null}, "searching": {"README.md": null, "binary_search.rs": null, "binary_search_recursive.rs": null, "exponential_search.rs": null, "fibonacci_search.rs": null, "interpolation_search.rs": null, "jump_search.rs": null, "kth_smallest.rs": null, "kth_smallest_heap.rs": null, "linear_search.rs": null, "mod.rs": null, "moore_voting.rs": null, "quick_select.rs": null, "saddleback_search.rs": null, "ternary_search.rs": null, "ternary_search_min_max.rs": null, "ternary_search_min_max_recursive.rs": null, "ternary_search_recursive.rs": null}, "sorting": {"README.md": null, "bead_sort.rs": null, "binary_insertion_sort.rs": null, "bingo_sort.rs": null, "bitonic_sort.rs": null, "bogo_sort.rs": null, "bubble_sort.rs": null, "bucket_sort.rs": null, "cocktail_shaker_sort.rs": null, "comb_sort.rs": null, "counting_sort.rs": null, "cycle_sort.rs": null, "dutch_national_flag_sort.rs": null, "exchange_sort.rs": null, "gnome_sort.rs": null, "heap_sort.rs": null, "insertion_sort.rs": null, "intro_sort.rs": null, "merge_sort.rs": null, "mod.rs": null, "odd_even_sort.rs": null, "pancake_sort.rs": null, "patience_sort.rs": null, "pigeonhole_sort.rs": null, "quick_sort.rs": null, "quick_sort_3_ways.rs": null, "radix_sort.rs": null, "selection_sort.rs": null, "shell_sort.rs": null, "sleep_sort.rs": null, "sort_utils.rs": null, "stooge_sort.rs": null, "tim_sort.rs": null, "tree_sort.rs": null, "wave_sort.rs": null, "wiggle_sort.rs": null}, "string": {"README.md": null, "aho_corasick.rs": null, "anagram.rs": null, "autocomplete_using_trie.rs": null, "boyer_moore_search.rs": null, "burrows_wheeler_transform.rs": null, "duval_algorithm.rs": null, "hamming_distance.rs": null, "isogram.rs": null, "isomorphism.rs": null, "jaro_winkler_distance.rs": null, "knuth_morris_pratt.rs": null, "levenshtein_distance.rs": null, "lipogram.rs": null, "manacher.rs": null, "mod.rs": null, "palindrome.rs": null, "pangram.rs": null, "rabin_karp.rs": null, "reverse.rs": null, "run_length_encoding.rs": null, "shortest_palindrome.rs": null, "suffix_array.rs": null, "suffix_array_manber_myers.rs": null, "suffix_tree.rs": null, "z_algorithm.rs": null}}, ".github": {"CODEOWNERS": null, "dependabot.yml": null, "pull_request_template.md": null, "workflows": {"build.yml": null, "code_ql.yml": null, "directory_workflow.yml": null, "stale.yml": null, "upload_coverage_report.yml": null, "scripts": {"build_directory": {"Cargo.toml": null, "src": {"lib.rs": null, "main.rs": null}}}}}}}
7
thealgorithms-rust.git
TypeScript
https://github.com/TheAlgorithms/TypeScript.git
All Algorithms implemented in TypeScript. This repository is a collection of algorithms and data structures implemented in TypeScript. It is intended to be a resource for learning and reference, as well as a place to contribute new algorithms and data structures.
{"thealgorithms-typescript.git": {"README.md": null, "babel.config.js": null, "CONTRIBUTING.md": null, "DIRECTORY.md": null, "jest.config.ts": null, "LICENSE": null, "package.json": null, "tsconfig.json": null, ".gitpod.yml": null, ".prettierignore": null, ".prettierrc": null, "backtracking": {"all_combinations_of_size_k.ts": null, "generateparentheses.ts": null, "test": {"all_combinations_of_size_k.test.ts": null, "generateparentheses.test.ts": null}}, "bit_manipulation": {"add_binary.ts": null, "is_power_of_2.ts": null, "is_power_of_4.ts": null, "log_two.ts": null, "test": {"add_binary.test.ts": null, "is_power_of_2.test.ts": null, "is_power_of_4.test.ts": null, "log_two.test.ts": null}}, "ciphers": {"xor_cipher.ts": null, "test": {"xor_cipher.test.ts": null}}, "data_structures": {"disjoint_set": {"disjoint_set.ts": null, "test": {"disjoint_set.test.ts": null}}, "heap": {"heap.ts": null, "test": {"heap.test.ts": null}}, "list": {"doubly_linked_list.ts": null, "linked_list.ts": null, "singly_linked_list.ts": null, "test": {"doubly_linked_list.test.ts": null, "linked_list.ts": null, "singly_linked_list.test.ts": null}}, "map": {"hash_map.ts": null, "map.ts": null, "test": {"hash_map.test.ts": null}}, "queue": {"array_queue.ts": null, "circular_queue.ts": null, "linked_queue.ts": null, "queue.ts": null, "stack_queue.ts": null, "test": {"array_queue.test.ts": null, "circular_queue.test.ts": null, "linked_queue.test.ts": null, "queue.ts": null, "stack_queue.test.ts": null}}, "set": {"hash_map_set.ts": null, "map_set.ts": null, "set.ts": null}, "stack": {"linked_list_stack.ts": null, "stack.ts": null, "test": {"linked_list_stack.test.ts": null, "stack.test.ts": null}}, "tree": {"binary_search_tree.ts": null, "test": {"binary_search_tree.test.ts": null}}, "tries": {"tries.ts": null, "test": {"tries.test.ts": null}}}, "dynamic_programming": {"coin_change.ts": null, "knapsack.ts": null, "lcs.ts": null, "test": {"coin_change.test.ts": null, "knapsack.test.ts": null, "lcs.test.ts": null}}, "graph": {"bellman_ford.ts": null, "bipartite_graph.ts": null, "dijkstra.ts": null, "edmonds_karp.ts": null, "floyd_warshall.ts": null, "johnson.ts": null, "kosajaru.ts": null, "kruskal.ts": null, "prim.ts": null, "tarjan.ts": null, "test": {"bellman_ford.test.ts": null, "bipartite_graph.test.ts": null, "dijkstra.test.ts": null, "edmonds_karp.test.ts": null, "floyd_warshall.test.ts": null, "johnson.test.ts": null, "kosajaru.test.ts": null, "kruskal.test.ts": null, "prim.test.ts": null, "tarjan.test.ts": null}}, "maths": {"absolute_value.ts": null, "aliquot_sum.ts": null, "armstrong_number.ts": null, "binary_convert.ts": null, "binomial_coefficient.ts": null, "calculate_mean.ts": null, "calculate_median.ts": null, "degrees_to_radians.ts": null, "digit_sum.ts": null, "double_factorial_iterative.ts": null, "euler_totient.ts": null, "factorial.ts": null, "factors.ts": null, "fibonacci.ts": null, "find_min.ts": null, "gaussian_elimination.ts": null, "greatest_common_factor.ts": null, "hamming_distance.ts": null, "is_divisible.ts": null, "is_even.ts": null, "is_leap_year.ts": null, "is_odd.ts": null, "is_palindrome.ts": null, "is_square_free.ts": null, "juggler_sequence.ts": null, "lowest_common_multiple.ts": null, "matrix_multiplication.ts": null, "number_of_digits.ts": null, "pascals_triangle.ts": null, "perfect_cube.ts": null, "perfect_number.ts": null, "perfect_square.ts": null, "prime_factorization.ts": null, "primes.ts": null, "pronic_number.ts": null, "radians_to_degrees.ts": null, "sieve_of_eratosthenes.ts": null, "signum.ts": null, "square_root.ts": null, "ugly_numbers.ts": null, "zellers_congruence.ts": null, "series": {"hexagonal_numbers.ts": null, "test": {"hexagonal_numbers.test.ts": null}}, "test": {"absolute_value.test.ts": null, "aliquot_sum.test.ts": null, "armstrong_number.test.ts": null, "binary_convert.test.ts": null, "binomial_coefficient.test.ts": null, "calculate_mean.test.ts": null, "calculate_median.test.ts": null, "degrees_to_radians.test.ts": null, "digit_sum.test.ts": null, "double_factorial_iterative.test.ts": null, "euler_totient.test.ts": null, "factorial.test.ts": null, "factors.test.ts": null, "fibonacci.test.ts": null, "find_min.test.ts": null, "gaussian_elimination.test.ts": null, "greatest_common_factor.test.ts": null, "hamming_distance.test.ts": null, "is_divisible.test.ts": null, "is_even.test.ts": null, "is_leap_year.test.ts": null, "is_odd.test.ts": null, "is_palindrome.test.ts": null, "is_square_free.test.ts": null, "juggler_sequence.test.ts": null, "lowest_common_multiple.test.ts": null, "matrix_multiplication.test.ts": null, "number_of_digits.test.ts": null, "pascals_triangle.test.ts": null, "perfect_cube.test.ts": null, "perfect_numbers.test.ts": null, "perfect_square.test.ts": null, "prime_factorization.test.ts": null, "primes.test.ts": null, "pronic_number.test.ts": null, "radians_to_degrees.test.ts": null, "sieve_of_eratosthenes.test.ts": null, "signum.test.ts": null, "square_root.test.ts": null, "ugly_numbers.test.ts": null, "zellers_congruence.test.ts": null}}, "other": {"is_sorted_array.ts": null, "parse_nested_brackets.ts": null, "shuffle_array.ts": null, "test": {"is_sorted_array.test.ts": null, "parse_nested_brackets.test.ts": null, "shuffle_array.test.ts": null}}, "search": {"binary_search.ts": null, "exponential_search.ts": null, "fibonacci_search.ts": null, "interpolation_search.ts": null, "jump_search.ts": null, "linear_search.ts": null, "sentinel_search.ts": null, "test": {"binary_search.test.ts": null, "exponential_search.test.ts": null, "fibonacci_search.test.ts": null, "interpolation_search.test.ts": null, "jump_search.test.ts": null, "linear_search.test.ts": null, "sentinel_search.test.ts": null}}, "sorts": {"bogo_sort.ts": null, "bubble_sort.ts": null, "counting_sort.ts": null, "cycle_sort.ts": null, "gnome_sort.ts": null, "heap_sort.ts": null, "insertion_sort.ts": null, "merge_sort.ts": null, "quick_select.ts": null, "quick_sort.ts": null, "selection_sort.ts": null, "shell_sort.ts": null, "swap_sort.ts": null, "tree_sort.ts": null, "test": {"bogo_sort.test.ts": null, "bubble_sort.test.ts": null, "counting_sort.test.ts": null, "cycle_sort.test.ts": null, "gnome_sort.test.ts": null, "heap_sort.test.ts": null, "insertion_sort.test.ts": null, "merge_sort.test.ts": null, "quick_select.test.ts": null, "quick_sort.test.ts": null, "selection_sort.test.ts": null, "shell_sort.test.ts": null, "swap_sort.test.ts": null, "tree_sort.test.ts": null}}, ".github": {"CODEOWNERS": null, "ISSUE_TEMPLATE": {"bug_report.yml": null, "feature_request.yml": null}, "workflows": {"ci.yml": null, "directory_formatter.yml": null, "upload_coverage_report.yml": null}}}}
5
thealgorithms-typescript.git
C#
https://github.com/TheAlgorithms/C-Sharp.git
All Algorithms implemented in C#. This repository is a collection of algorithms and data structures implemented in C#. It is intended to be a resource for learning and reference, as well as a place to contribute new algorithms and data structures.
{"thealgorithms-c-sharp.git": {"README.md": null, "C-Sharp.sln": null, "CODE_OF_CONDUCT.md": null, "CONTRIBUTING.md": null, "LICENSE": null, "stylecop.json": null, "stylecop.ruleset": null, ".editorconfig": null, "Algorithms": {"Algorithms.csproj": null, "NewtonSquareRoot.cs": null, "Crypto": {"Digests": {"AsconDigest.cs": null, "IDigest.cs": null, "Md2Digest.cs": null}, "Exceptions": {"CryptoException.cs": null, "DataLengthException.cs": null, "OutputLengthException.cs": null}, "Paddings": {"IBlockCipherPadding.cs": null, "Iso10126D2Padding.cs": null, "Iso7816D4Padding.cs": null, "Pkcs7Padding.cs": null, "TbcPadding.cs": null, "X932Padding.cs": null}, "Utils": {"ByteEncodingUtils.cs": null, "LongUtils.cs": null, "ValidationUtils.cs": null}}, "DataCompression": {"BurrowsWheelerTransform.cs": null, "HuffmanCompressor.cs": null, "ShannonFanoCompressor.cs": null, "Translator.cs": null}, "Encoders": {"AutokeyEncorder.cs": null, "BlowfishEncoder.cs": null, "CaesarEncoder.cs": null, "FeistelCipher.cs": null, "HillEncoder.cs": null, "IEncoder.cs": null, "NysiisEncoder.cs": null, "SoundexEncoder.cs": null, "VigenereEncoder.cs": null}, "Financial": {"PresentValue.cs": null}, "Graph": {"BellmanFord.cs": null, "BreadthFirstSearch.cs": null, "BreadthFirstTreeTraversal.cs": null, "DepthFirstSearch.cs": null, "FloydWarshall.cs": null, "IGraphSearch.cs": null, "Kosaraju.cs": null, "Dijkstra": {"DijkstraAlgorithm.cs": null, "DistanceModel.cs": null}, "MinimumSpanningTree": {"Kruskal.cs": null, "PrimMatrix.cs": null}}, "Knapsack": {"BranchAndBoundKnapsackSolver.cs": null, "BranchAndBoundNode.cs": null, "DynamicProgrammingKnapsackSolver.cs": null, "IHeuristicKnapsackSolver.cs": null, "IKnapsackSolver.cs": null, "NaiveKnapsackSolver.cs": null}, "LinearAlgebra": {"Distances": {"Chebyshev.cs": null, "Euclidean.cs": null, "Manhattan.cs": null, "Minkowski.cs": null}, "Eigenvalue": {"PowerIteration.cs": null}}, "ModularArithmetic": {"ChineseRemainderTheorem.cs": null, "ExtendedEuclideanAlgorithm.cs": null, "ModularMultiplicativeInverse.cs": null}, "Numeric": {"Abs.cs": null, "AdditionWithoutArithmetic.cs": null, "AliquotSumCalculator.cs": null, "AmicableNumbersChecker.cs": null, "AutomorphicNumber.cs": null, "BinomialCoefficient.cs": null, "Ceil.cs": null, "EulerMethod.cs": null, "Factorial.cs": null, "Floor.cs": null, "GaussJordanElimination.cs": null, "JosephusProblem.cs": null, "KeithNumberChecker.cs": null, "KrishnamurthyNumberChecker.cs": null, "MillerRabinPrimalityChecker.cs": null, "ModularExponentiation.cs": null, "NarcissisticNumberChecker.cs": null, "PerfectCubeChecker.cs": null, "PerfectNumberChecker.cs": null, "PerfectSquareChecker.cs": null, "RungeKuttaMethod.cs": null, "SoftMax.cs": null, "Decomposition": {"LU.cs": null, "ThinSVD.cs": null}, "Factorization": {"IFactorizer.cs": null, "TrialDivisionFactorizer.cs": null}, "GreatestCommonDivisor": {"BinaryGreatestCommonDivisorFinder.cs": null, "EuclideanGreatestCommonDivisorFinder.cs": null, "IGreatestCommonDivisorFinder.cs": null}, "Pseudoinverse": {"PseudoInverse.cs": null}, "Series": {"Maclaurin.cs": null}}, "Other": {"DecisionsConvolutions.cs": null, "FermatPrimeChecker.cs": null, "FloodFill.cs": null, "GaussOptimization.cs": null, "Geofence.cs": null, "Geohash.cs": null, "GeoLocation.cs": null, "Int2Binary.cs": null, "JulianEaster.cs": null, "KochSnowflake.cs": null, "Luhn.cs": null, "Mandelbrot.cs": null, "ParetoOptimization.cs": null, "PollardsRhoFactorizing.cs": null, "RGBHSVConversion.cs": null, "SieveOfEratosthenes.cs": null, "Triangulator.cs": null, "WelfordsVariance.cs": null}, "Problems": {"DynamicProgramming": {"CoinChange": {"DynamicCoinChangeSolver.cs": null}, "LevenshteinDistance": {"LevenshteinDistance.cs": null}}, "NQueens": {"BacktrackingNQueensSolver.cs": null}, "StableMarriage": {"Accepter.cs": null, "GaleShapley.cs": null, "Proposer.cs": null}}, "RecommenderSystem": {"CollaborativeFiltering.cs": null, "ISimilarityCalculator.cs": null}, "Search": {"BinarySearcher.cs": null, "BoyerMoore.cs": null, "FastSearcher.cs": null, "FibonacciSearcher.cs": null, "InterpolationSearch.cs": null, "JumpSearcher.cs": null, "LinearSearcher.cs": null, "RecursiveBinarySearcher.cs": null, "AStar": {"AStar.cs": null, "Node.cs": null, "NodeState.cs": null, "PathfindingException.cs": null, "PriorityQueue.cs": null, "VecN.cs": null}}, "Sequences": {"AllOnesSequence.cs": null, "AllThreesSequence.cs": null, "AllTwosSequence.cs": null, "BinaryPrimeConstantSequence.cs": null, "BinomialSequence.cs": null, "CakeNumbersSequence.cs": null, "CatalanSequence.cs": null, "CentralPolygonalNumbersSequence.cs": null, "CubesSequence.cs": null, "DivisorsCountSequence.cs": null, "EuclidNumbersSequence.cs": null, "EulerTotientSequence.cs": null, "FactorialSequence.cs": null, "FermatNumbersSequence.cs": null, "FermatPrimesSequence.cs": null, "FibonacciSequence.cs": null, "GolombsSequence.cs": null, "ISequence.cs": null, "KolakoskiSequence.cs": null, "KolakoskiSequence2.cs": null, "KummerNumbersSequence.cs": null, "LucasNumbersBeginningAt2Sequence.cs": null, "MakeChangeSequence.cs": null, "MatchstickTriangleSequence.cs": null, "NaturalSequence.cs": null, "NegativeIntegersSequence.cs": null, "NumberOfBooleanFunctionsSequence.cs": null, "NumberOfPrimesByNumberOfDigitsSequence.cs": null, "NumberOfPrimesByPowersOf10Sequence.cs": null, "OnesCountingSequence.cs": null, "PowersOf10Sequence.cs": null, "PowersOf2Sequence.cs": null, "PrimePiSequence.cs": null, "PrimesSequence.cs": null, "PrimorialNumbersSequence.cs": null, "RecamansSequence.cs": null, "SquaresSequence.cs": null, "TetrahedralSequence.cs": null, "TetranacciNumbersSequence.cs": null, "ThreeNPlusOneStepsSequence.cs": null, "TribonacciNumbersSequence.cs": null, "VanEcksSequence.cs": null, "ZeroSequence.cs": null}, "Shufflers": {"FisherYatesShuffler.cs": null, "IShuffler.cs": null, "LINQShuffler.cs": null, "NaiveShuffler.cs": null}, "Sorters": {"Comparison": {"BasicTimSorter.cs": null, "BinaryInsertionSorter.cs": null, "BogoSorter.cs": null, "BubbleSorter.cs": null, "CocktailSorter.cs": null, "CombSorter.cs": null, "CycleSorter.cs": null, "ExchangeSorter.cs": null, "GnomeSorter.cs": null, "HeapSorter.cs": null, "IComparisonSorter.cs": null, "InsertionSorter.cs": null, "MedianOfThreeQuickSorter.cs": null, "MergeSorter.cs": null, "MiddlePointQuickSorter.cs": null, "PancakeSorter.cs": null, "QuickSorter.cs": null, "RandomPivotQuickSorter.cs": null, "SelectionSorter.cs": null, "ShellSorter.cs": null, "TimSorter.cs": null, "TimSorterSettings.cs": null}, "External": {"ExternalMergeSorter.cs": null, "IExternalSorter.cs": null, "ISequentialStorage.cs": null, "ISequentialStorageReader.cs": null, "ISequentialStorageWriter.cs": null, "Storages": {"IntFileStorage.cs": null, "IntInMemoryStorage.cs": null}}, "Integer": {"BucketSorter.cs": null, "CountingSorter.cs": null, "IIntegerSorter.cs": null, "RadixSorter.cs": null}, "String": {"IStringSorter.cs": null, "MsdRadixStringSorter.cs": null}, "Utils": {"GallopingStrategy.cs": null}}, "Stack": {"BalancedParenthesesChecker.cs": null, "NextGreaterElement.cs": null, "ReverseStack.cs": null}, "Strings": {"GeneralStringAlgorithms.cs": null, "Palindrome.cs": null, "Permutation.cs": null, "PatternMatching": {"Bitap.cs": null, "BoyerMoore.cs": null, "KnuthMorrisPrattSearcher.cs": null, "NaiveStringSearch.cs": null, "RabinKarp.cs": null, "WildCardMatcher.cs": null, "ZblockSubstringSearch.cs": null}, "Similarity": {"CosineSimilarity.cs": null, "DamerauLevenshteinDistance.cs": null, "HammingDistance.cs": null, "JaccardDistance.cs": null, "JaccardSimilarity.cs": null, "JaroSimilarity.cs": null, "JaroWinklerDistance.cs": null, "OptimalStringAlignment.cs": null}}}, "Algorithms.Tests": {"Algorithms.Tests.csproj": null, "AssemblyInfo.cs": null, "Compressors": {"BurrowsWheelerTransformTests.cs": null, "HuffmanCompressorTests.cs": null, "ShannonFanoCompressorTests.cs": null, "TranslatorTests.cs": null}, "Crypto": {"Digests": {"AsconDigestTests.cs": null, "Md2DigestTests.cs": null}, "Exceptions": {"CryptoExceptionTests.cs": null, "DataLengthExceptionTests.cs": null, "OutputLengthExceptionTests.cs": null}, "Paddings": {"Iso10126D2PaddingTests.cs": null, "Iso7816D4PaddingTests.cs": null, "Pkcs7PaddingTests.cs": null, "TbcPaddingTests.cs": null, "X932PaddingTests.cs": null}, "Utils": {"ByteEncodingUtils.cs": null, "LongUtilsTests.cs": null, "ValidationUtilsTests.cs": null}}, "Encoders": {"AutokeyEncoderTests.cs": null, "BlowfishEncoderTests.cs": null, "CaesarEncoderTests.cs": null, "FeistelCipherTest.cs": null, "HillEnconderTests.cs": null, "NysiisEncoderTests.cs": null, "SoundexEncoderTest.cs": null, "VigenereEncoderTests.cs": null}, "Financial": {"PresentValueTests.cs": null}, "Graph": {"BellmanFordTests.cs": null, "BreadthFirstSearchTests.cs": null, "BreadthFirstTreeTraversalTests.cs": null, "DepthFirstSearchTests.cs": null, "FloydWarshallTests.cs": null, "KosarajuTests.cs": null, "Dijkstra": {"DijkstraTests.cs": null}, "MinimumSpanningTree": {"KruskalTests.cs": null, "PrimMatrixTests.cs": null}}, "Helpers": {"IntComparer.cs": null, "RandomHelper.cs": null}, "Knapsack": {"BranchAndBoundKnapsackSolverTests.cs": null, "DynamicProgrammingKnapsackSolverTests.cs": null, "NaiveKnapsackSolverTests.cs": null}, "LinearAlgebra": {"Distances": {"ChebyshevTests.cs": null, "EuclideanTests.cs": null, "ManhattanTests.cs": null, "MinkowskiTests.cs": null}, "Eigenvalue": {"PowerIterationTests.cs": null}}, "ModularArithmetic": {"ChineseRemainderTheoremTest.cs": null, "ExtendedEuclideanAlgorithmTest.cs": null, "ModularMultiplicativeInverseTest.cs": null}, "Numeric": {"AbsTests.cs": null, "AdditionWithoutArithmeticsTests.cs": null, "AliquotSumCalculatorTests.cs": null, "AmicableNumbersTest.cs": null, "AutomorphicNumberTests.cs": null, "BinomialCoefficientTests.cs": null, "CeilTests.cs": null, "EulerMethodTest.cs": null, "FactorialTests.cs": null, "FloorTests.cs": null, "GaussJordanEliminationTests.cs": null, "JosephusProblemTest.cs": null, "KeithNumberTest.cs": null, "KrishnamurthyNumberCheckerTests.cs": null, "MillerRabinPrimalityTest.cs": null, "ModularExponentiationTest.cs": null, "NarcissisticNumberTest.cs": null, "NewtonSquareRootTests.cs": null, "PerfectCubeTests.cs": null, "PerfectNumberTest.cs": null, "PerfectSquareTest.cs": null, "RungeKuttaMethodTest.cs": null, "SoftMaxTests.cs": null, "Decomposition": {"LUTests.cs": null, "MaclaurinTests.cs": null, "SVDTests.cs": null}, "Factorization": {"TrialDivisionFactorizerTests.cs": null}, "GreatestCommonDivisor": {"BinaryGreatestCommonDivisorFinderTests.cs": null, "EuclideanGreatestCommonDivisorFinderTests.cs": null}, "PseudoInverse": {"PseudoInverseTests.cs": null}}, "Other": {"DecisionsConvolutionsTest.cs": null, "FermatPrimeCheckerTests.cs": null, "FloodFillTest.cs": null, "GaussOptimizationTest.cs": null, "GeofenceTests.cs": null, "GeohashTests.cs": null, "GeoLocationTests.cs": null, "Int2BinaryTests.cs": null, "JulianEasterTests.cs": null, "KochSnowflakeTest.cs": null, "LuhnTests.cs": null, "MandelbrotTest.cs": null, "ParetoOptimizationTests.cs": null, "PollardsRhoFactorizingTests.cs": null, "RGBHSVConversionTest.cs": null, "SieveOfEratosthenesTests.cs": null, "TriangulatorTests.cs": null, "WelfordsVarianceTest.cs": null}, "Problems": {"DynamicProgramming": {"CoinChange": {"GenerateChangesDictionaryTests.cs": null, "GenerateSingleCoinChangesTests.cs": null, "GetMinimalNextCoinTests.cs": null, "MakeCoinChangeDynamicTests.cs": null}, "LevenshteinDistance": {"LevenshteinDistanceTests.cs": null}}, "NQueens": {"BacktrackingNQueensSolverTests.cs": null}, "StableMarriage": {"GaleShapleyTests.cs": null}}, "RecommenderSystem": {"CollaborativeFilteringTests.cs": null}, "Search": {"BinarySearcherTests.cs": null, "BoyerMooreTests.cs": null, "FastSearcherTests.cs": null, "FibonacciSearcherTests.cs": null, "Helper.cs": null, "InterpolationSearchTests.cs": null, "JumpSearcherTests.cs": null, "LinearSearcherTests.cs": null, "RecursiveBinarySearcherTests.cs": null}, "Sequences": {"AllOnesSequenceTests.cs": null, "AllThreesSequenceTests.cs": null, "AllTwosSequenceTests.cs": null, "BinaryPrimeConstantSequenceTests.cs": null, "BinomialSequenceTests.cs": null, "CakeNumbersSequenceTests.cs": null, "CatalanSequenceTest.cs": null, "CentralPolygonalNumbersSequenceTests.cs": null, "CubesSequenceTests.cs": null, "DivisorsCountSequenceTests.cs": null, "EuclidNumbersSequenceTests.cs": null, "EulerTotientSequenceTests.cs": null, "FactorialSequenceTest.cs": null, "FermatNumbersSequenceTests.cs": null, "FermatPrimesSequenceTests.cs": null, "FibonacciSequenceTests.cs": null, "GolombsSequenceTests.cs": null, "KolakoskiSequenceTests.cs": null, "KummerNumbersSequenceTests.cs": null, "LucasNumbersBeginningAt2SequenceTests.cs": null, "MakeChangeSequenceTests.cs": null, "MatchstickTriangleSequenceTests.cs": null, "NaturalSequenceTests.cs": null, "NegativeIntegersSequenceTests.cs": null, "NumberOfBooleanFunctionsSequenceTests.cs": null, "NumberOfPrimesByNumberOfDigitsSequenceTests.cs": null, "NumberOfPrimesByPowersOf10SequenceTests.cs": null, "OnesCountingSequenceTest.cs": null, "PowersOf10SequenceTests.cs": null, "PowersOf2SequenceTests.cs": null, "PrimePiSequenceTests.cs": null, "PrimesSequenceTests.cs": null, "PrimorialNumbersSequenceTests.cs": null, "RecamansSequenceTests.cs": null, "SquaresSequenceTests.cs": null, "TetrahedralSequenceTests.cs": null, "TetranacciNumbersSequenceTests.cs": null, "ThreeNPlusOneStepsSequenceTests.cs": null, "TribonacciNumbersSequenceTests.cs": null, "VanEcksSequenceTests.cs": null, "ZeroSequenceTests.cs": null}, "Shufflers": {"FisherYatesShufflerTests.cs": null, "LINQShufflerTests.cs": null, "NaiveShufflerTests.cs": null}, "Sorters": {"Comparison": {"BasicTeamSorterTests.cs": null, "BinaryInsertionSorterTests.cs": null, "BogoSorterTests.cs": null, "BubbleSorterTests.cs": null, "CocktailSorterTests.cs": null, "CombSorterTests.cs": null, "CycleSorterTests.cs": null, "ExchangeSorterTests.cs": null, "GnomeSorterTests.cs": null, "HeapSorterTests.cs": null, "InsertionSorterTests.cs": null, "MedianOfThreeQuickSorterTests.cs": null, "MergeSorterTests.cs": null, "MiddlePointQuickSorterTests.cs": null, "PancakeSorterTests.cs": null, "RandomPivotQuickSorterTests.cs": null, "SelectionSorterTests.cs": null, "ShellSorterTests.cs": null, "TimSorterTests.cs": null}, "External": {"ExternalMergeSorterTests.cs": null}, "Integer": {"BucketSorterTests.cs": null, "CountingSorterTests.cs": null, "RadixSorterTests.cs": null}, "String": {"MsdRadixStringSorterTests.cs": null}, "Utils": {"GallopingStrategyTests.cs": null}}, "Stack": {"BalancedParenthesesCheckerTests.cs": null, "NextGreaterElementTests.cs": null, "ReverseStackTests.cs": null}, "Strings": {"GeneralStringAlgorithmsTests.cs": null, "PalindromeTests.cs": null, "PermutationTests.cs": null, "PatternMatching": {"BitapTests.cs": null, "BoyerMoreTests.cs": null, "KnuthMorrisPrattSearcherTests.cs": null, "NaiveStringSearchTests.cs": null, "RabinKarpTests.cs": null, "WildCardMatcherTests.cs": null, "ZblockSubstringSearchTest.cs": null}, "Similarity": {"CosineSimilarityTests.cs": null, "DamerauLevenshteinDistanceTests.cs": null, "HammingDistanceTests.cs": null, "JaccardDistanceTests.cs": null, "JaccardSimilarityTests.cs": null, "JaroSimilarityTests.cs": null, "JaroWinklerDistanceTests.cs": null, "OptimalStringAlignmentTests.cs": null}}}, "DataStructures": {"BitArray.cs": null, "DataStructures.csproj": null, "InvertedIndex.cs": null, "SortedList.cs": null, "Timeline.cs": null, "AATree": {"AATree.cs": null, "AATreeNode.cs": null}, "AVLTree": {"AVLTree.cs": null, "AVLTreeNode.cs": null}, "BinarySearchTree": {"BinarySearchTree.cs": null, "BinarySearchTreeNode.cs": null}, "Cache": {"LfuCache.cs": null, "LruCache.cs": null}, "DisjointSet": {"DisjointSet.cs": null, "Node.cs": null}, "Fenwick": {"BinaryIndexedTree.cs": null}, "Graph": {"DirectedWeightedGraph.cs": null, "IDirectedWeightedGraph.cs": null, "Vertex.cs": null}, "Hashing": {"Entry.cs": null, "HashTable.cs": null, "NumberTheory": {"PrimeNumber.cs": null}}, "Heap": {"BinaryHeap.cs": null, "MinMaxHeap.cs": null, "FibonacciHeap": {"FHeapNode.cs": null, "FibonacciHeap.cs": null}, "PairingHeap": {"PairingHeap.cs": null, "PairingHeapNode.cs": null, "PairingNodeComparer.cs": null, "Sorting.cs": null}}, "LinkedList": {"CircularLinkedList": {"CircularLinkedList.cs": null, "CircularLinkedListNode.cs": null}, "DoublyLinkedList": {"DoublyLinkedList.cs": null, "DoublyLinkedListNode.cs": null}, "SinglyLinkedList": {"SinglyLinkedList.cs": null, "SinglyLinkedListNode.cs": null}, "SkipList": {"SkipList.cs": null, "SkipListNode.cs": null}}, "Probabilistic": {"BloomFilter.cs": null, "CountMinSketch.cs": null, "HyperLogLog.cs": null}, "Queue": {"ArrayBasedQueue.cs": null, "ListBasedQueue.cs": null, "StackBasedQueue.cs": null}, "RedBlackTree": {"RedBlackTree.cs": null, "RedBlackTreeNode.cs": null}, "ScapegoatTree": {"Extensions.cs": null, "Node.cs": null, "ScapegoatTree.cs": null}, "SegmentTrees": {"SegmentTree.cs": null, "SegmentTreeApply.cs": null, "SegmentTreeUpdate.cs": null}, "Stack": {"ArrayBasedStack.cs": null, "ListBasedStack.cs": null, "QueueBasedStack.cs": null}, "Tries": {"Trie.cs": null, "TrieNode.cs": null}, "UnrolledList": {"UnrolledLinkedList.cs": null, "UnrolledLinkedListNode.cs": null}}, "DataStructures.Tests": {"AATreeTests.cs": null, "AVLTreeTests.cs": null, "BinarySearchTreeTests.cs": null, "BitArrayTests.cs": null, "DataStructures.Tests.csproj": null, "InvertedIndexTests.cs": null, "RedBlackTreeTests.cs": null, "SortedListTests.cs": null, "TimelineTests.cs": null, "Cache": {"LfuCacheTests.cs": null, "LruCacheTests.cs": null}, "DisjointSet": {"DisjointSetTests.cs": null}, "Fenwick": {"BinaryIndexedTreeTests.cs": null}, "Graph": {"DirectedWeightedGraphTests.cs": null}, "Hashing": {"HashTableTests.cs": null, "NumberTheory": {"PrimeNumberTests.cs": null}}, "Heap": {"BinaryHeapTests.cs": null, "MinMaxHeapTests.cs": null, "FibonacciHeaps": {"FibonacciHeapTests.cs": null}, "PairingHeap": {"PairingHeapComparerTests.cs": null, "PairingHeapTests.cs": null}}, "LinkedList": {"CircularLinkedListTests.cs": null, "DoublyLinkedListTests.cs": null, "LinkedListTests.cs": null, "SkipListTests.cs": null}, "Probabilistic": {"BloomFilterTests.cs": null, "CountMinSketchTests.cs": null, "HyperLogLogTest.cs": null}, "Queue": {"ArrayBasedQueueTests.cs": null, "ListBasedQueueTests.cs": null, "StackBasedQueueTests.cs": null}, "ScapegoatTree": {"ExtensionsTests.cs": null, "ScapegoatTreeNodeTests.cs": null, "ScapegoatTreeTests.cs": null}, "SegmentTrees": {"SegmentTreeApplyTests.cs": null, "SegmentTreeTests.cs": null, "SegmentTreeUpdateTest.cs": null}, "Stack": {"ArrayBasedStackTests.cs": null, "ListBasedStackTests.cs": null, "QueueBasedStackTests.cs": null}, "Tries": {"TrieTests.cs": null}, "UnrolledList": {"UnrolledLinkedListNodeTests.cs": null, "UnrolledLinkedListTests.cs": null}}, "Utilities": {"Utilities.csproj": null, "Exceptions": {"ItemNotFoundException.cs": null}, "Extensions": {"DictionaryExtensions.cs": null, "MatrixExtensions.cs": null, "RandomExtensions.cs": null, "VectorExtensions.cs": null}}, "Utilities.Tests": {"Utilities.Tests.csproj": null, "Extensions": {"DictionaryExtensionsTests.cs": null, "MatrixExtensionsTests.cs": null, "RandomExtensionsTests.cs": null, "VectorExtensionsTests.cs": null}}, ".devcontainer": {"devcontainer.json": null}, ".github": {"CODEOWNERS": null, "pull_request_template.md": null, "ISSUE_TEMPLATE": {"bug_report.md": null, "feature_request.md": null}, "workflows": {"ci.yml": null, "stale.yml": null}}}}
6
thealgorithms-c-sharp.git
Fortrain
https://github.com/TheAlgorithms/Fortran.git
All Algorithms implemented in Fortran. This repository is a collection of algorithms and data structures implemented in Fortran. It is intended to be a resource for learning and reference, as well as a place to contribute new algorithms and data structures.
{"thealgorithms-fortran.git": {"README.md": null, "CMakeLists.txt": null, "CONTRIBUTING.md": null, "DIRECTORY.md": null, "LICENSE": null, "examples": {"maths": {"euclid_gcd.f90": null, "factorial.f90": null, "fibonacci.f90": null, "numerical_integration": {"gaussian_legendre.f90": null, "midpoint.f90": null, "monte_carlo.f90": null, "simpson.f90": null, "trapezoid.f90": null}}, "searches": {"example_linear_search.f90": null, "example_ternary_search_array_based.f90": null, "example_ternary_search_function_based.f90": null, "recursive_linear_search.f90": null}, "sorts": {"example_recursive_bubble_sort.f90": null, "example_usage_bubble_sort.f90": null, "example_usage_gnome_sort.f90": null, "example_usage_heap_sort.f90": null, "example_usage_merge_sort.f90": null, "example_usage_quick_sort.f90": null, "example_usage_radix_sort.f90": null}}, "modules": {"maths": {"euclid_gcd.f90": null, "factorial.f90": null, "fibonacci.f90": null, "numerical_integration": {"gaussian_legendre.f90": null, "midpoint.f90": null, "monte_carlo.f90": null, "simpson.f90": null, "trapezoid.f90": null}}, "searches": {"linear_search.f90": null, "recursive_linear_search.f90": null, "ternary_search_module.f90": null}, "sorts": {"bubble_sort.f90": null, "gnome_sort.f90": null, "heap_sort.f90": null, "merge_sort.f90": null, "quick_sort.f90": null, "radix_sort.f90": null, "recursive_bubble_sort.f90": null}}, "tests": {"maths": {"eculid_gcd.f90": null, "factorial.f90": null, "fibonacci.f90": null, "numerical_integration": {"gaussin_legendre.f90": null, "midpoint.f90": null, "monte_carlo.f90": null, "simpson.f90": null, "trapezoid.f90": null}}, "searches": {"linear_search.f90": null, "recursive_linear_search.f90": null, "ternary_search_array.f90": null, "ternary_search_function.f90": null}, "sorts": {"bubble_sort.f90": null, "gnome_sort.f90": null, "heap_sort.f90": null, "merge_sort.f90": null, "quick_sort.f90": null, "radix_sort.f90": null, "recursive_bubbe_sort.f90": null}}, ".github": {"workflows": {"check_code_format.yml": null, "ci.yml": null}}}}
5
thealgorithms-fortran.git
C++
https://github.com/TheAlgorithms/C-Plus-Plus.git
All Algorithms implemented in C++. This repository is a collection of algorithms and data structures implemented in C++. It is intended to be a resource for learning and reference, as well as a place to contribute new algorithms and data structures.
{"thealgorithms-c-plus-plus.git": {"README.md": null, "CMakeLists.txt": null, "CODE_OF_CONDUCT.md": null, "CodingGuidelines.md": null, "CONTRIBUTING.md": null, "DIRECTORY.md": null, "LICENSE": null, "REVIEWER_CODE.md": null, ".clang-format": null, ".clang-tidy": null, ".gitpod.dockerfile": null, ".gitpod.yml": null, "backtracking": {"CMakeLists.txt": null, "generate_parentheses.cpp": null, "graph_coloring.cpp": null, "knight_tour.cpp": null, "magic_sequence.cpp": null, "minimax.cpp": null, "n_queens.cpp": null, "n_queens_all_solution_optimised.cpp": null, "nqueen_print_all_solutions.cpp": null, "rat_maze.cpp": null, "subarray_sum.cpp": null, "subset_sum.cpp": null, "sudoku_solver.cpp": null, "wildcard_matching.cpp": null}, "bit_manipulation": {"CMakeLists.txt": null, "count_bits_flip.cpp": null, "count_of_set_bits.cpp": null, "count_of_trailing_ciphers_in_factorial_n.cpp": null, "find_non_repeating_number.cpp": null, "gray_code.cpp": null, "hamming_distance.cpp": null, "next_higher_number_with_same_number_of_set_bits.cpp": null, "power_of_2.cpp": null, "set_kth_bit.cpp": null, "travelling_salesman_using_bit_manipulation.cpp": null}, "ciphers": {"a1z26_cipher.cpp": null, "atbash_cipher.cpp": null, "base64_encoding.cpp": null, "caesar_cipher.cpp": null, "CMakeLists.txt": null, "elliptic_curve_key_exchange.cpp": null, "hill_cipher.cpp": null, "morse_code.cpp": null, "uint128_t.hpp": null, "uint256_t.hpp": null, "vigenere_cipher.cpp": null, "xor_cipher.cpp": null}, "cpu_scheduling_algorithms": {"CMakeLists.txt": null, "fcfs_scheduling.cpp": null, "non_preemptive_sjf_scheduling.cpp": null}, "data_structures": {"avltree.cpp": null, "binary_search_tree.cpp": null, "binary_search_tree2.cpp": null, "binaryheap.cpp": null, "bloom_filter.cpp": null, "circular_queue_using_linked_list.cpp": null, "CMakeLists.txt": null, "disjoint_set.cpp": null, "doubly_linked_list.cpp": null, "dsu_path_compression.cpp": null, "dsu_union_rank.cpp": null, "linked_list.cpp": null, "linkedlist_implentation_usingarray.cpp": null, "list_array.cpp": null, "morrisinorder.cpp": null, "node.hpp": null, "queue.hpp": null, "queue_using_array.cpp": null, "queue_using_array2.cpp": null, "queue_using_linked_list.cpp": null, "queue_using_linkedlist.cpp": null, "queue_using_two_stacks.cpp": null, "rb_tree.cpp": null, "reverse_a_linked_list.cpp": null, "segment_tree.cpp": null, "skip_list.cpp": null, "sparse_table.cpp": null, "stack.hpp": null, "stack_using_array.cpp": null, "stack_using_linked_list.cpp": null, "stack_using_queue.cpp": null, "student.txt": null, "test_queue.cpp": null, "test_stack.cpp": null, "test_stack_students.cpp": null, "treap.cpp": null, "tree.cpp": null, "tree_234.cpp": null, "trie_modern.cpp": null, "trie_tree.cpp": null, "trie_using_hashmap.cpp": null, "cll": {"cll.cpp": null, "cll.h": null, "CMakeLists.txt": null, "main_cll.cpp": null}}, "divide_and_conquer": {"CMakeLists.txt": null, "karatsuba_algorithm_for_fast_multiplication.cpp": null, "strassen_matrix_multiplication.cpp": null}, "doc": {"Doxyfile": null, "html": {"header.html": null}, "styles": {"doxygen-awesome.css": null}}, "dynamic_programming": {"0_1_knapsack.cpp": null, "abbreviation.cpp": null, "armstrong_number_templated.cpp": null, "bellman_ford.cpp": null, "catalan_numbers.cpp": null, "CMakeLists.txt": null, "coin_change.cpp": null, "coin_change_topdown.cpp": null, "cut_rod.cpp": null, "edit_distance.cpp": null, "egg_dropping_puzzle.cpp": null, "fibonacci_bottom_up.cpp": null, "floyd_warshall.cpp": null, "house_robber.cpp": null, "kadane.cpp": null, "longest_common_string.cpp": null, "longest_common_subsequence.cpp": null, "longest_increasing_subsequence.cpp": null, "longest_increasing_subsequence_nlogn.cpp": null, "longest_palindromic_subsequence.cpp": null, "matrix_chain_multiplication.cpp": null, "maximum_circular_subarray.cpp": null, "minimum_edit_distance.cpp": null, "palindrome_partitioning.cpp": null, "partition_problem.cpp": null, "searching_of_element_in_dynamic_array.cpp": null, "shortest_common_supersequence.cpp": null, "subset_sum_dynamic.cpp": null, "trapped_rainwater.cpp": null, "tree_height.cpp": null, "unbounded_0_1_knapsack.cpp": null, "word_break.cpp": null}, "games": {"CMakeLists.txt": null, "memory_game.cpp": null}, "geometry": {"CMakeLists.txt": null, "graham_scan_algorithm.cpp": null, "graham_scan_functions.hpp": null, "jarvis_algorithm.cpp": null, "line_segment_intersection.cpp": null}, "graph": {"bidirectional_dijkstra.cpp": null, "breadth_first_search.cpp": null, "bridge_finding_with_tarjan_algorithm.cpp": null, "CMakeLists.txt": null, "connected_components.cpp": null, "connected_components_with_dsu.cpp": null, "cycle_check_directed_graph.cpp": null, "depth_first_search.cpp": null, "depth_first_search_with_stack.cpp": null, "dijkstra.cpp": null, "hamiltons_cycle.cpp": null, "hopcroft_karp.cpp": null, "is_graph_bipartite.cpp": null, "is_graph_bipartite2.cpp": null, "kosaraju.cpp": null, "kruskal.cpp": null, "lowest_common_ancestor.cpp": null, "max_flow_with_ford_fulkerson_and_edmond_karp_algo.cpp": null, "prim.cpp": null, "topological_sort.cpp": null, "topological_sort_by_kahns_algo.cpp": null, "travelling_salesman_problem.cpp": null}, "graphics": {"CMakeLists.txt": null, "spirograph.cpp": null}, "greedy_algorithms": {"binary_addition.cpp": null, "boruvkas_minimum_spanning_tree.cpp": null, "CMakeLists.txt": null, "digit_separation.cpp": null, "dijkstra_greedy.cpp": null, "gale_shapley.cpp": null, "huffman.cpp": null, "jump_game.cpp": null, "knapsack.cpp": null, "kruskals_minimum_spanning_tree.cpp": null, "prims_minimum_spanning_tree.cpp": null}, "hashing": {"chaining.cpp": null, "CMakeLists.txt": null, "double_hash_hash_table.cpp": null, "linear_probing_hash_table.cpp": null, "md5.cpp": null, "quadratic_probing_hash_table.cpp": null, "sha1.cpp": null, "sha256.cpp": null}, "machine_learning": {"a_star_search.cpp": null, "adaline_learning.cpp": null, "CMakeLists.txt": null, "iris.csv": null, "k_nearest_neighbors.cpp": null, "kohonen_som_topology.cpp": null, "kohonen_som_trace.cpp": null, "neural_network.cpp": null, "ordinary_least_squares_regressor.cpp": null, "vector_ops.hpp": null}, "math": {"README.md": null, "aliquot_sum.cpp": null, "approximate_pi.cpp": null, "area.cpp": null, "armstrong_number.cpp": null, "binary_exponent.cpp": null, "binomial_calculate.cpp": null, "check_amicable_pair.cpp": null, "check_factorial.cpp": null, "check_prime.cpp": null, "CMakeLists.txt": null, "complex_numbers.cpp": null, "double_factorial.cpp": null, "eratosthenes.cpp": null, "eulers_totient_function.cpp": null, "extended_euclid_algorithm.cpp": null, "factorial.cpp": null, "fast_power.cpp": null, "fibonacci.cpp": null, "fibonacci_fast.cpp": null, "fibonacci_large.cpp": null, "fibonacci_matrix_exponentiation.cpp": null, "fibonacci_sum.cpp": null, "finding_number_of_digits_in_a_number.cpp": null, "gcd_iterative_euclidean.cpp": null, "gcd_of_n_numbers.cpp": null, "gcd_recursive_euclidean.cpp": null, "integral_approximation.cpp": null, "integral_approximation2.cpp": null, "inv_sqrt.cpp": null, "iterative_factorial.cpp": null, "large_factorial.cpp": null, "large_number.h": null, "largest_power.cpp": null, "lcm_sum.cpp": null, "least_common_multiple.cpp": null, "linear_recurrence_matrix.cpp": null, "magic_number.cpp": null, "miller_rabin.cpp": null, "modular_division.cpp": null, "modular_exponentiation.cpp": null, "modular_inverse_fermat_little_theorem.cpp": null, "modular_inverse_simple.cpp": null, "n_bonacci.cpp": null, "n_choose_r.cpp": null, "ncr_modulo_p.cpp": null, "number_of_positive_divisors.cpp": null, "perimeter.cpp": null, "power_for_huge_numbers.cpp": null, "power_of_two.cpp": null, "prime_factorization.cpp": null, "prime_numbers.cpp": null, "primes_up_to_billion.cpp": null, "quadratic_equations_complex_numbers.cpp": null, "realtime_stats.cpp": null, "sieve_of_eratosthenes.cpp": null, "sqrt_double.cpp": null, "string_fibonacci.cpp": null, "sum_of_binomial_coefficient.cpp": null, "sum_of_digits.cpp": null, "vector_cross_product.cpp": null, "volume.cpp": null}, "numerical_methods": {"babylonian_method.cpp": null, "bisection_method.cpp": null, "brent_method_extrema.cpp": null, "CMakeLists.txt": null, "composite_simpson_rule.cpp": null, "durand_kerner_roots.cpp": null, "false_position.cpp": null, "fast_fourier_transform.cpp": null, "gaussian_elimination.cpp": null, "golden_search_extrema.cpp": null, "gram_schmidt.cpp": null, "inverse_fast_fourier_transform.cpp": null, "lu_decompose.cpp": null, "lu_decomposition.h": null, "midpoint_integral_method.cpp": null, "newton_raphson_method.cpp": null, "ode_forward_euler.cpp": null, "ode_midpoint_euler.cpp": null, "ode_semi_implicit_euler.cpp": null, "qr_decompose.h": null, "qr_decomposition.cpp": null, "qr_eigen_values.cpp": null, "rungekutta.cpp": null, "successive_approximation.cpp": null}, "operations_on_datastructures": {"array_left_rotation.cpp": null, "array_right_rotation.cpp": null, "circular_linked_list.cpp": null, "circular_queue_using_array.cpp": null, "CMakeLists.txt": null, "get_size_of_linked_list.cpp": null, "inorder_successor_of_bst.cpp": null, "intersection_of_two_arrays.cpp": null, "reverse_a_linked_list_using_recusion.cpp": null, "reverse_binary_tree.cpp": null, "selectionsortlinkedlist.cpp": null, "trie_multiple_search.cpp": null, "union_of_two_arrays.cpp": null}, "others": {"buzz_number.cpp": null, "CMakeLists.txt": null, "decimal_to_binary.cpp": null, "decimal_to_hexadecimal.cpp": null, "decimal_to_roman_numeral.cpp": null, "easter.cpp": null, "fast_integer_input.cpp": null, "happy_number.cpp": null, "iterative_tree_traversals.cpp": null, "kadanes3.cpp": null, "kelvin_to_celsius.cpp": null, "lfu_cache.cpp": null, "longest_substring_without_repeating_characters.cpp": null, "lru_cache.cpp": null, "lru_cache2.cpp": null, "matrix_exponentiation.cpp": null, "palindrome_of_number.cpp": null, "paranthesis_matching.cpp": null, "pascal_triangle.cpp": null, "postfix_evaluation.cpp": null, "primality_test.cpp": null, "recursive_tree_traversal.cpp": null, "smallest_circle.cpp": null, "sparse_matrix.cpp": null, "spiral_print.cpp": null, "stairs_pattern.cpp": null, "tower_of_hanoi.cpp": null, "vector_important_functions.cpp": null}, "physics": {"CMakeLists.txt": null, "ground_to_ground_projectile_motion.cpp": null}, "probability": {"addition_rule.cpp": null, "bayes_theorem.cpp": null, "binomial_dist.cpp": null, "CMakeLists.txt": null, "exponential_dist.cpp": null, "geometric_dist.cpp": null, "poisson_dist.cpp": null, "windowed_median.cpp": null}, "range_queries": {"CMakeLists.txt": null, "fenwick_tree.cpp": null, "heavy_light_decomposition.cpp": null, "mo.cpp": null, "persistent_seg_tree_lazy_prop.cpp": null, "prefix_sum_array.cpp": null, "segtree.cpp": null, "sparse_table_range_queries.cpp": null}, "scripts": {"file_linter.py": null}, "search": {"binary_search.cpp": null, "CMakeLists.txt": null, "exponential_search.cpp": null, "fibonacci_search.cpp": null, "floyd_cycle_detection_algo.cpp": null, "hash_search.cpp": null, "interpolation_search.cpp": null, "interpolation_search2.cpp": null, "jump_search.cpp": null, "linear_search.cpp": null, "longest_increasing_subsequence_using_binary_search.cpp": null, "median_search.cpp": null, "median_search2.cpp": null, "saddleback_search.cpp": null, "sublist_search.cpp": null, "ternary_search.cpp": null, "text_search.cpp": null}, "sorting": {"bead_sort.cpp": null, "binary_insertion_sort.cpp": null, "bitonic_sort.cpp": null, "bogo_sort.cpp": null, "bubble_sort.cpp": null, "bucket_sort.cpp": null, "CMakeLists.txt": null, "cocktail_selection_sort.cpp": null, "comb_sort.cpp": null, "count_inversions.cpp": null, "counting_sort.cpp": null, "counting_sort_string.cpp": null, "cycle_sort.cpp": null, "dnf_sort.cpp": null, "gnome_sort.cpp": null, "heap_sort.cpp": null, "insertion_sort.cpp": null, "insertion_sort_recursive.cpp": null, "library_sort.cpp": null, "merge_insertion_sort.cpp": null, "merge_sort.cpp": null, "non_recursive_merge_sort.cpp": null, "numeric_string_sort.cpp": null, "odd_even_sort.cpp": null, "pancake_sort.cpp": null, "pigeonhole_sort.cpp": null, "quick_sort.cpp": null, "quick_sort_3.cpp": null, "quick_sort_iterative.cpp": null, "radix_sort.cpp": null, "radix_sort2.cpp": null, "random_pivot_quick_sort.cpp": null, "recursive_bubble_sort.cpp": null, "selection_sort_iterative.cpp": null, "selection_sort_recursive.cpp": null, "shell_sort.cpp": null, "shell_sort2.cpp": null, "slow_sort.cpp": null, "stooge_sort.cpp": null, "strand_sort.cpp": null, "swap_sort.cpp": null, "tim_sort.cpp": null, "wave_sort.cpp": null, "wiggle_sort.cpp": null}, "strings": {"boyer_moore.cpp": null, "brute_force_string_searching.cpp": null, "CMakeLists.txt": null, "duval.cpp": null, "horspool.cpp": null, "knuth_morris_pratt.cpp": null, "manacher_algorithm.cpp": null, "rabin_karp.cpp": null, "z_function.cpp": null}, ".github": {"CODEOWNERS": null, "pull_request_template.md": null, "ISSUE_TEMPLATE": {"bug_report.yml": null, "config.yml": null, "feature_request.yml": null, "other.yml": null}, "workflows": {"approved-label.yml": null, "awesome_workflow.yml": null, "codeql.yml": null, "directory_writer.yml": null, "gh-pages.yml": null, "stale.yml": null}}}}
4
thealgorithms-c-plus-plus.git
README.md exists but content is empty.
Downloads last month
-