├── .devcontainer ├── Dockerfile ├── README.md └── devcontainer.json ├── .gitattributes ├── .github ├── CODEOWNERS ├── ISSUE_TEMPLATE │ ├── bug_report.yml │ ├── config.yml │ ├── feature_request.yml │ └── other.yml ├── pull_request_template.md ├── stale.yml └── workflows │ ├── build.yml │ ├── directory_writer.yml │ ├── project_euler.yml │ └── ruff.yml ├── .gitignore ├── .gitpod.yml ├── .pre-commit-config.yaml ├── .vscode └── settings.json ├── CONTRIBUTING.md ├── DIRECTORY.md ├── LICENSE.md ├── README.md ├── audio_filters ├── README.md ├── __init__.py ├── butterworth_filter.py ├── equal_loudness_filter.py.broken.txt ├── iir_filter.py ├── loudness_curve.json └── show_response.py ├── backtracking ├── README.md ├── __init__.py ├── all_combinations.py ├── all_permutations.py ├── all_subsequences.py ├── coloring.py ├── combination_sum.py ├── crossword_puzzle_solver.py ├── generate_parentheses.py ├── hamiltonian_cycle.py ├── knight_tour.py ├── match_word_pattern.py ├── minimax.py ├── n_queens.py ├── n_queens_math.py ├── power_sum.py ├── rat_in_maze.py ├── sudoku.py ├── sum_of_subsets.py └── word_search.py ├── bit_manipulation ├── README.md ├── __init__.py ├── binary_and_operator.py ├── binary_coded_decimal.py ├── binary_count_setbits.py ├── binary_count_trailing_zeros.py ├── binary_or_operator.py ├── binary_shifts.py ├── binary_twos_complement.py ├── binary_xor_operator.py ├── bitwise_addition_recursive.py ├── count_1s_brian_kernighan_method.py ├── count_number_of_one_bits.py ├── excess_3_code.py ├── find_previous_power_of_two.py ├── gray_code_sequence.py ├── highest_set_bit.py ├── index_of_rightmost_set_bit.py ├── is_even.py ├── is_power_of_two.py ├── largest_pow_of_two_le_num.py ├── missing_number.py ├── numbers_different_signs.py ├── power_of_4.py ├── reverse_bits.py ├── single_bit_manipulation_operations.py └── swap_all_odd_and_even_bits.py ├── blockchain ├── README.md ├── __init__.py └── diophantine_equation.py ├── boolean_algebra ├── README.md ├── __init__.py ├── and_gate.py ├── imply_gate.py ├── karnaugh_map_simplification.py ├── multiplexer.py ├── nand_gate.py ├── nimply_gate.py ├── nor_gate.py ├── not_gate.py ├── or_gate.py ├── quine_mc_cluskey.py ├── xnor_gate.py └── xor_gate.py ├── cellular_automata ├── README.md ├── __init__.py ├── conways_game_of_life.py ├── game_of_life.py ├── langtons_ant.py ├── nagel_schrekenberg.py ├── one_dimensional.py └── wa_tor.py ├── ciphers ├── README.md ├── __init__.py ├── a1z26.py ├── affine_cipher.py ├── atbash.py ├── autokey.py ├── baconian_cipher.py ├── base16.py ├── base32.py ├── base64.py ├── base85.py ├── beaufort_cipher.py ├── bifid.py ├── brute_force_caesar_cipher.py ├── caesar_cipher.py ├── cryptomath_module.py ├── decrypt_caesar_with_chi_squared.py ├── deterministic_miller_rabin.py ├── diffie.py ├── diffie_hellman.py ├── elgamal_key_generator.py ├── enigma_machine2.py ├── fractionated_morse_cipher.py ├── hill_cipher.py ├── mixed_keyword_cypher.py ├── mono_alphabetic_ciphers.py ├── morse_code.py ├── onepad_cipher.py ├── permutation_cipher.py ├── playfair_cipher.py ├── polybius.py ├── porta_cipher.py ├── prehistoric_men.txt ├── rabin_miller.py ├── rail_fence_cipher.py ├── rot13.py ├── rsa_cipher.py ├── rsa_factorization.py ├── rsa_key_generator.py ├── running_key_cipher.py ├── shuffled_shift_cipher.py ├── simple_keyword_cypher.py ├── simple_substitution_cipher.py ├── transposition_cipher.py ├── transposition_cipher_encrypt_decrypt_file.py ├── trifid_cipher.py ├── vernam_cipher.py ├── vigenere_cipher.py └── xor_cipher.py ├── compression ├── README.md ├── __init__.py ├── burrows_wheeler.py ├── huffman.py ├── image_data │ ├── PSNR-example-base.png │ ├── PSNR-example-comp-10.jpg │ ├── __init__.py │ ├── compressed_image.png │ ├── example_image.jpg │ ├── example_wikipedia_image.jpg │ └── original_image.png ├── lempel_ziv.py ├── lempel_ziv_decompress.py ├── lz77.py ├── peak_signal_to_noise_ratio.py └── run_length_encoding.py ├── computer_vision ├── README.md ├── __init__.py ├── cnn_classification.py.DISABLED.txt ├── flip_augmentation.py ├── haralick_descriptors.py ├── harris_corner.py ├── horn_schunck.py ├── mean_threshold.py ├── mosaic_augmentation.py └── pooling_functions.py ├── conversions ├── README.md ├── __init__.py ├── astronomical_length_scale_conversion.py ├── binary_to_decimal.py ├── binary_to_hexadecimal.py ├── binary_to_octal.py ├── convert_number_to_words.py ├── decimal_to_any.py ├── decimal_to_binary.py ├── decimal_to_hexadecimal.py ├── decimal_to_octal.py ├── energy_conversions.py ├── excel_title_to_column.py ├── hex_to_bin.py ├── hexadecimal_to_decimal.py ├── ipv4_conversion.py ├── length_conversion.py ├── molecular_chemistry.py ├── octal_to_binary.py ├── octal_to_decimal.py ├── octal_to_hexadecimal.py ├── prefix_conversions.py ├── prefix_conversions_string.py ├── pressure_conversions.py ├── rgb_cmyk_conversion.py ├── rgb_hsv_conversion.py ├── roman_numerals.py ├── speed_conversions.py ├── temperature_conversions.py ├── time_conversions.py ├── volume_conversions.py └── weight_conversion.py ├── data_structures ├── __init__.py ├── arrays │ ├── equilibrium_index_in_array.py │ ├── find_triplets_with_0_sum.py │ ├── index_2d_array_in_1d.py │ ├── kth_largest_element.py │ ├── median_two_array.py │ ├── monotonic_array.py │ ├── pairs_with_given_sum.py │ ├── permutations.py │ ├── prefix_sum.py │ ├── product_sum.py │ ├── sparse_table.py │ └── sudoku_solver.py ├── binary_tree │ ├── README.md │ ├── __init__.py │ ├── avl_tree.py │ ├── basic_binary_tree.py │ ├── binary_search_tree.py │ ├── binary_search_tree_recursive.py │ ├── binary_tree_mirror.py │ ├── binary_tree_node_sum.py │ ├── binary_tree_path_sum.py │ ├── binary_tree_traversals.py │ ├── diameter_of_binary_tree.py │ ├── diff_views_of_binary_tree.py │ ├── distribute_coins.py │ ├── fenwick_tree.py │ ├── flatten_binarytree_to_linkedlist.py │ ├── floor_and_ceiling.py │ ├── inorder_tree_traversal_2022.py │ ├── is_sorted.py │ ├── is_sum_tree.py │ ├── lazy_segment_tree.py │ ├── lowest_common_ancestor.py │ ├── maximum_fenwick_tree.py │ ├── merge_two_binary_trees.py │ ├── mirror_binary_tree.py │ ├── non_recursive_segment_tree.py │ ├── number_of_possible_binary_trees.py │ ├── red_black_tree.py │ ├── segment_tree.py │ ├── segment_tree_other.py │ ├── serialize_deserialize_binary_tree.py │ ├── symmetric_tree.py │ ├── treap.py │ └── wavelet_tree.py ├── disjoint_set │ ├── __init__.py │ ├── alternate_disjoint_set.py │ └── disjoint_set.py ├── hashing │ ├── __init__.py │ ├── bloom_filter.py │ ├── double_hash.py │ ├── hash_map.py │ ├── hash_table.py │ ├── hash_table_with_linked_list.py │ ├── number_theory │ │ ├── __init__.py │ │ └── prime_numbers.py │ ├── quadratic_probing.py │ └── tests │ │ └── test_hash_map.py ├── heap │ ├── __init__.py │ ├── binomial_heap.py │ ├── heap.py │ ├── heap_generic.py │ ├── max_heap.py │ ├── min_heap.py │ ├── randomized_heap.py │ └── skew_heap.py ├── linked_list │ ├── __init__.py │ ├── circular_linked_list.py │ ├── deque_doubly.py │ ├── doubly_linked_list.py │ ├── doubly_linked_list_two.py │ ├── floyds_cycle_detection.py │ ├── from_sequence.py │ ├── has_loop.py │ ├── is_palindrome.py │ ├── merge_two_lists.py │ ├── middle_element_of_linked_list.py │ ├── print_reverse.py │ ├── reverse_k_group.py │ ├── rotate_to_the_right.py │ ├── singly_linked_list.py │ ├── skip_list.py │ └── swap_nodes.py ├── queue │ ├── __init__.py │ ├── circular_queue.py │ ├── circular_queue_linked_list.py │ ├── double_ended_queue.py │ ├── linked_queue.py │ ├── priority_queue_using_list.py │ ├── queue_by_list.py │ ├── queue_by_two_stacks.py │ └── queue_on_pseudo_stack.py ├── stacks │ ├── __init__.py │ ├── balanced_parentheses.py │ ├── dijkstras_two_stack_algorithm.py │ ├── infix_to_postfix_conversion.py │ ├── infix_to_prefix_conversion.py │ ├── next_greater_element.py │ ├── postfix_evaluation.py │ ├── prefix_evaluation.py │ ├── stack.py │ ├── stack_using_two_queues.py │ ├── stack_with_doubly_linked_list.py │ ├── stack_with_singly_linked_list.py │ └── stock_span_problem.py └── trie │ ├── __init__.py │ ├── radix_tree.py │ └── trie.py ├── digital_image_processing ├── __init__.py ├── change_brightness.py ├── change_contrast.py ├── convert_to_negative.py ├── dithering │ ├── __init__.py │ └── burkes.py ├── edge_detection │ ├── __init__.py │ └── canny.py ├── filters │ ├── __init__.py │ ├── bilateral_filter.py │ ├── convolve.py │ ├── gabor_filter.py │ ├── gaussian_filter.py │ ├── laplacian_filter.py │ ├── local_binary_pattern.py │ ├── median_filter.py │ └── sobel_filter.py ├── histogram_equalization │ ├── __init__.py │ ├── histogram_stretch.py │ ├── image_data │ │ ├── __init__.py │ │ └── input.jpg │ └── output_data │ │ ├── __init__.py │ │ └── output.jpg ├── image_data │ ├── __init__.py │ ├── lena.jpg │ └── lena_small.jpg ├── index_calculation.py ├── morphological_operations │ ├── dilation_operation.py │ └── erosion_operation.py ├── resize │ ├── __init__.py │ └── resize.py ├── rotation │ ├── __init__.py │ └── rotation.py ├── sepia.py └── test_digital_image_processing.py ├── divide_and_conquer ├── __init__.py ├── closest_pair_of_points.py ├── convex_hull.py ├── heaps_algorithm.py ├── heaps_algorithm_iterative.py ├── inversions.py ├── kth_order_statistic.py ├── max_difference_pair.py ├── max_subarray.py ├── mergesort.py ├── peak.py ├── power.py └── strassen_matrix_multiplication.py ├── dynamic_programming ├── __init__.py ├── abbreviation.py ├── all_construct.py ├── bitmask.py ├── catalan_numbers.py ├── climbing_stairs.py ├── combination_sum_iv.py ├── edit_distance.py ├── factorial.py ├── fast_fibonacci.py ├── fibonacci.py ├── fizz_buzz.py ├── floyd_warshall.py ├── integer_partition.py ├── iterating_through_submasks.py ├── k_means_clustering_tensorflow.py.DISABLED.txt ├── knapsack.py ├── largest_divisible_subset.py ├── longest_common_subsequence.py ├── longest_common_substring.py ├── longest_increasing_subsequence.py ├── longest_increasing_subsequence_o(nlogn).py ├── longest_palindromic_subsequence.py ├── matrix_chain_multiplication.py ├── matrix_chain_order.py ├── max_non_adjacent_sum.py ├── max_product_subarray.py ├── max_subarray_sum.py ├── min_distance_up_bottom.py ├── minimum_coin_change.py ├── minimum_cost_path.py ├── minimum_partition.py ├── minimum_size_subarray_sum.py ├── minimum_squares_to_represent_a_number.py ├── minimum_steps_to_one.py ├── minimum_tickets_cost.py ├── optimal_binary_search_tree.py ├── palindrome_partitioning.py ├── regex_match.py ├── rod_cutting.py ├── smith_waterman.py ├── subset_generation.py ├── sum_of_subset.py ├── trapped_water.py ├── tribonacci.py ├── viterbi.py ├── wildcard_matching.py └── word_break.py ├── electronics ├── apparent_power.py ├── builtin_voltage.py ├── capacitor_equivalence.py ├── carrier_concentration.py ├── charging_capacitor.py ├── charging_inductor.py ├── circular_convolution.py ├── coulombs_law.py ├── electric_conductivity.py ├── electric_power.py ├── electrical_impedance.py ├── ic_555_timer.py ├── ind_reactance.py ├── ohms_law.py ├── real_and_reactive_power.py ├── resistor_color_code.py ├── resistor_equivalence.py ├── resonant_frequency.py └── wheatstone_bridge.py ├── file_transfer ├── __init__.py ├── mytext.txt ├── receive_file.py ├── send_file.py └── tests │ ├── __init__.py │ └── test_send_file.py ├── financial ├── ABOUT.md ├── __init__.py ├── equated_monthly_installments.py ├── exponential_moving_average.py ├── interest.py ├── present_value.py ├── price_plus_tax.py └── simple_moving_average.py ├── fractals ├── julia_sets.py ├── koch_snowflake.py ├── mandelbrot.py └── sierpinski_triangle.py ├── fuzzy_logic ├── __init__.py ├── fuzzy_operations.py └── fuzzy_operations.py.DISABLED.txt ├── genetic_algorithm ├── __init__.py └── basic_string.py ├── geodesy ├── __init__.py ├── haversine_distance.py └── lamberts_ellipsoidal_distance.py ├── geometry └── geometry.py ├── graphics ├── __init__.py ├── bezier_curve.py └── vector3_for_2d_rendering.py ├── graphs ├── __init__.py ├── a_star.py ├── ant_colony_optimization_algorithms.py ├── articulation_points.py ├── basic_graphs.py ├── bellman_ford.py ├── bi_directional_dijkstra.py ├── bidirectional_a_star.py ├── bidirectional_breadth_first_search.py ├── boruvka.py ├── breadth_first_search.py ├── breadth_first_search_2.py ├── breadth_first_search_shortest_path.py ├── breadth_first_search_shortest_path_2.py ├── breadth_first_search_zero_one_shortest_path.py ├── check_bipatrite.py ├── check_cycle.py ├── connected_components.py ├── deep_clone_graph.py ├── depth_first_search.py ├── depth_first_search_2.py ├── dijkstra.py ├── dijkstra_2.py ├── dijkstra_algorithm.py ├── dijkstra_alternate.py ├── dijkstra_binary_grid.py ├── dinic.py ├── directed_and_undirected_(weighted)_graph.py ├── edmonds_karp_multiple_source_and_sink.py ├── eulerian_path_and_circuit_for_undirected_graph.py ├── even_tree.py ├── finding_bridges.py ├── frequent_pattern_graph_miner.py ├── g_topological_sort.py ├── gale_shapley_bigraph.py ├── graph_adjacency_list.py ├── graph_adjacency_matrix.py ├── graph_list.py ├── graphs_floyd_warshall.py ├── greedy_best_first.py ├── greedy_min_vertex_cover.py ├── kahns_algorithm_long.py ├── kahns_algorithm_topo.py ├── karger.py ├── markov_chain.py ├── matching_min_vertex_cover.py ├── minimum_path_sum.py ├── minimum_spanning_tree_boruvka.py ├── minimum_spanning_tree_kruskal.py ├── minimum_spanning_tree_kruskal2.py ├── minimum_spanning_tree_prims.py ├── minimum_spanning_tree_prims2.py ├── multi_heuristic_astar.py ├── page_rank.py ├── prim.py ├── random_graph_generator.py ├── scc_kosaraju.py ├── strongly_connected_components.py ├── tarjans_scc.py └── tests │ ├── __init__.py │ ├── test_min_spanning_tree_kruskal.py │ └── test_min_spanning_tree_prim.py ├── greedy_methods ├── best_time_to_buy_and_sell_stock.py ├── fractional_cover_problem.py ├── fractional_knapsack.py ├── fractional_knapsack_2.py ├── gas_station.py ├── minimum_coin_change.py ├── minimum_waiting_time.py ├── optimal_merge_pattern.py └── smallest_range.py ├── hashes ├── README.md ├── __init__.py ├── adler32.py ├── chaos_machine.py ├── djb2.py ├── elf.py ├── enigma_machine.py ├── fletcher16.py ├── hamming_code.py ├── luhn.py ├── md5.py ├── sdbm.py ├── sha1.py └── sha256.py ├── knapsack ├── README.md ├── __init__.py ├── greedy_knapsack.py ├── knapsack.py ├── recursive_approach_knapsack.py └── tests │ ├── __init__.py │ ├── test_greedy_knapsack.py │ └── test_knapsack.py ├── linear_algebra ├── README.md ├── __init__.py ├── gaussian_elimination.py ├── jacobi_iteration_method.py ├── lu_decomposition.py └── src │ ├── __init__.py │ ├── conjugate_gradient.py │ ├── gaussian_elimination_pivoting │ ├── gaussian_elimination_pivoting.py │ └── matrix.txt │ ├── lib.py │ ├── polynom_for_points.py │ ├── power_iteration.py │ ├── rank_of_matrix.py │ ├── rayleigh_quotient.py │ ├── schur_complement.py │ ├── test_linear_algebra.py │ └── transformations_2d.py ├── linear_programming └── simplex.py ├── machine_learning ├── __init__.py ├── apriori_algorithm.py ├── astar.py ├── automatic_differentiation.py ├── data_transformations.py ├── decision_tree.py ├── dimensionality_reduction.py ├── forecasting │ ├── __init__.py │ ├── ex_data.csv │ └── run.py ├── frequent_pattern_growth.py ├── gaussian_naive_bayes.py.broken.txt ├── gradient_boosting_classifier.py ├── gradient_boosting_regressor.py.broken.txt ├── gradient_descent.py ├── k_means_clust.py ├── k_nearest_neighbours.py ├── linear_discriminant_analysis.py ├── linear_regression.py ├── local_weighted_learning │ ├── __init__.py │ ├── local_weighted_learning.md │ └── local_weighted_learning.py ├── logistic_regression.py ├── loss_functions.py ├── lstm │ ├── __init__.py │ ├── lstm_prediction.py.DISABLED.txt │ └── sample_data.csv ├── mfcc.py ├── multilayer_perceptron_classifier.py ├── polynomial_regression.py ├── random_forest_classifier.py.broken.txt ├── random_forest_regressor.py.broken.txt ├── scoring_functions.py ├── self_organizing_map.py ├── sequential_minimum_optimization.py ├── similarity_search.py ├── support_vector_machines.py ├── word_frequency_functions.py ├── xgboost_classifier.py └── xgboost_regressor.py ├── maths ├── __init__.py ├── abs.py ├── addition_without_arithmetic.py ├── aliquot_sum.py ├── allocation_number.py ├── arc_length.py ├── area.py ├── area_under_curve.py ├── average_absolute_deviation.py ├── average_mean.py ├── average_median.py ├── average_mode.py ├── bailey_borwein_plouffe.py ├── base_neg2_conversion.py ├── basic_maths.py ├── binary_exponentiation.py ├── binary_multiplication.py ├── binomial_coefficient.py ├── binomial_distribution.py ├── ceil.py ├── chebyshev_distance.py ├── check_polygon.py ├── chinese_remainder_theorem.py ├── chudnovsky_algorithm.py ├── collatz_sequence.py ├── combinations.py ├── continued_fraction.py ├── decimal_isolate.py ├── decimal_to_fraction.py ├── dodecahedron.py ├── double_factorial.py ├── dual_number_automatic_differentiation.py ├── entropy.py ├── euclidean_distance.py ├── euler_method.py ├── euler_modified.py ├── eulers_totient.py ├── extended_euclidean_algorithm.py ├── factorial.py ├── factors.py ├── fast_inverse_sqrt.py ├── fermat_little_theorem.py ├── fibonacci.py ├── find_max.py ├── find_min.py ├── floor.py ├── gamma.py ├── gaussian.py ├── gaussian_error_linear_unit.py ├── gcd_of_n_numbers.py ├── germain_primes.py ├── greatest_common_divisor.py ├── hardy_ramanujanalgo.py ├── images │ ├── __init__.py │ └── gaussian.png ├── integer_square_root.py ├── interquartile_range.py ├── is_int_palindrome.py ├── is_ip_v4_address_valid.py ├── is_square_free.py ├── jaccard_similarity.py ├── joint_probability_distribution.py ├── josephus_problem.py ├── juggler_sequence.py ├── karatsuba.py ├── kth_lexicographic_permutation.py ├── largest_of_very_large_numbers.py ├── least_common_multiple.py ├── line_length.py ├── liouville_lambda.py ├── lucas_lehmer_primality_test.py ├── lucas_series.py ├── maclaurin_series.py ├── manhattan_distance.py ├── matrix_exponentiation.py ├── max_sum_sliding_window.py ├── median_of_two_arrays.py ├── minkowski_distance.py ├── mobius_function.py ├── modular_division.py ├── modular_exponential.py ├── monte_carlo.py ├── monte_carlo_dice.py ├── number_of_digits.py ├── numerical_analysis │ ├── adams_bashforth.py │ ├── bisection.py │ ├── bisection_2.py │ ├── integration_by_simpson_approx.py │ ├── intersection.py │ ├── nevilles_method.py │ ├── newton_forward_interpolation.py │ ├── newton_raphson.py │ ├── numerical_integration.py │ ├── runge_kutta.py │ ├── runge_kutta_fehlberg_45.py │ ├── runge_kutta_gills.py │ ├── secant_method.py │ ├── simpson_rule.py │ └── square_root.py ├── odd_sieve.py ├── perfect_cube.py ├── perfect_number.py ├── perfect_square.py ├── persistence.py ├── pi_generator.py ├── pi_monte_carlo_estimation.py ├── points_are_collinear_3d.py ├── pollard_rho.py ├── polynomial_evaluation.py ├── polynomials │ ├── __init__.py │ └── single_indeterminate_operations.py ├── power_using_recursion.py ├── prime_check.py ├── prime_factors.py ├── prime_numbers.py ├── prime_sieve_eratosthenes.py ├── primelib.py ├── print_multiplication_table.py ├── pythagoras.py ├── qr_decomposition.py ├── quadratic_equations_complex_numbers.py ├── radians.py ├── radix2_fft.py ├── remove_digit.py ├── segmented_sieve.py ├── series │ ├── __init__.py │ ├── arithmetic.py │ ├── geometric.py │ ├── geometric_series.py │ ├── harmonic.py │ ├── harmonic_series.py │ ├── hexagonal_numbers.py │ └── p_series.py ├── sieve_of_eratosthenes.py ├── sigmoid.py ├── signum.py ├── simultaneous_linear_equation_solver.py ├── sin.py ├── sock_merchant.py ├── softmax.py ├── solovay_strassen_primality_test.py ├── spearman_rank_correlation_coefficient.py ├── special_numbers │ ├── armstrong_numbers.py │ ├── automorphic_number.py │ ├── bell_numbers.py │ ├── carmichael_number.py │ ├── catalan_number.py │ ├── hamming_numbers.py │ ├── happy_number.py │ ├── harshad_numbers.py │ ├── hexagonal_number.py │ ├── krishnamurthy_number.py │ ├── perfect_number.py │ ├── polygonal_numbers.py │ ├── pronic_number.py │ ├── proth_number.py │ ├── triangular_numbers.py │ ├── ugly_numbers.py │ └── weird_number.py ├── sum_of_arithmetic_series.py ├── sum_of_digits.py ├── sum_of_geometric_progression.py ├── sum_of_harmonic_series.py ├── sumset.py ├── sylvester_sequence.py ├── tanh.py ├── test_prime_check.py ├── three_sum.py ├── trapezoidal_rule.py ├── triplet_sum.py ├── twin_prime.py ├── two_pointer.py ├── two_sum.py ├── volume.py └── zellers_congruence.py ├── matrix ├── __init__.py ├── binary_search_matrix.py ├── count_islands_in_matrix.py ├── count_negative_numbers_in_sorted_matrix.py ├── count_paths.py ├── cramers_rule_2x2.py ├── inverse_of_matrix.py ├── largest_square_area_in_matrix.py ├── matrix_class.py ├── matrix_multiplication_recursion.py ├── matrix_operation.py ├── max_area_of_island.py ├── median_matrix.py ├── nth_fibonacci_using_matrix_exponentiation.py ├── pascal_triangle.py ├── rotate_matrix.py ├── searching_in_sorted_matrix.py ├── sherman_morrison.py ├── spiral_print.py ├── tests │ ├── __init__.py │ ├── pytest.ini │ └── test_matrix_operation.py └── validate_sudoku_board.py ├── networking_flow ├── __init__.py ├── ford_fulkerson.py └── minimum_cut.py ├── neural_network ├── 2_hidden_layers_neural_network.py ├── __init__.py ├── activation_functions │ ├── binary_step.py │ ├── exponential_linear_unit.py │ ├── leaky_rectified_linear_unit.py │ ├── mish.py │ ├── rectified_linear_unit.py │ ├── scaled_exponential_linear_unit.py │ ├── soboleva_modified_hyperbolic_tangent.py │ ├── softplus.py │ ├── squareplus.py │ └── swish.py ├── back_propagation_neural_network.py ├── convolution_neural_network.py ├── gan.py_tf ├── input_data.py.DEPRECATED.txt ├── perceptron.py.DISABLED └── simple_neural_network.py ├── other ├── __init__.py ├── activity_selection.py ├── alternative_list_arrange.py ├── bankers_algorithm.py ├── davis_putnam_logemann_loveland.py ├── doomsday.py ├── fischer_yates_shuffle.py ├── gauss_easter.py ├── graham_scan.py ├── greedy.py ├── guess_the_number_search.py ├── h_index.py ├── least_recently_used.py ├── lfu_cache.py ├── linear_congruential_generator.py ├── lru_cache.py ├── magicdiamondpattern.py ├── majority_vote_algorithm.py ├── maximum_subsequence.py ├── nested_brackets.py ├── number_container_system.py ├── password.py ├── quine.py ├── scoring_algorithm.py ├── sdes.py ├── tower_of_hanoi.py └── word_search.py ├── physics ├── __init__.py ├── altitude_pressure.py ├── archimedes_principle_of_buoyant_force.py ├── basic_orbital_capture.py ├── casimir_effect.py ├── center_of_mass.py ├── centripetal_force.py ├── coulombs_law.py ├── doppler_frequency.py ├── grahams_law.py ├── horizontal_projectile_motion.py ├── hubble_parameter.py ├── ideal_gas_law.py ├── image_data │ ├── 2D_problems.jpg │ ├── 2D_problems_1.jpg │ └── __init__.py ├── in_static_equilibrium.py ├── kinetic_energy.py ├── lens_formulae.py ├── lorentz_transformation_four_vector.py ├── malus_law.py ├── mass_energy_equivalence.py ├── mirror_formulae.py ├── n_body_simulation.py ├── newtons_law_of_gravitation.py ├── newtons_second_law_of_motion.py ├── photoelectric_effect.py ├── potential_energy.py ├── reynolds_number.py ├── rms_speed_of_molecule.py ├── shear_stress.py ├── speed_of_sound.py ├── speeds_of_gas_molecules.py └── terminal_velocity.py ├── project_euler ├── README.md ├── __init__.py ├── problem_001 │ ├── __init__.py │ ├── sol1.py │ ├── sol2.py │ ├── sol3.py │ ├── sol4.py │ ├── sol5.py │ ├── sol6.py │ └── sol7.py ├── problem_002 │ ├── __init__.py │ ├── sol1.py │ ├── sol2.py │ ├── sol3.py │ ├── sol4.py │ └── sol5.py ├── problem_003 │ ├── __init__.py │ ├── sol1.py │ ├── sol2.py │ └── sol3.py ├── problem_004 │ ├── __init__.py │ ├── sol1.py │ └── sol2.py ├── problem_005 │ ├── __init__.py │ ├── sol1.py │ └── sol2.py ├── problem_006 │ ├── __init__.py │ ├── sol1.py │ ├── sol2.py │ ├── sol3.py │ └── sol4.py ├── problem_007 │ ├── __init__.py │ ├── sol1.py │ ├── sol2.py │ └── sol3.py ├── problem_008 │ ├── __init__.py │ ├── sol1.py │ ├── sol2.py │ └── sol3.py ├── problem_009 │ ├── __init__.py │ ├── sol1.py │ ├── sol2.py │ └── sol3.py ├── problem_010 │ ├── __init__.py │ ├── sol1.py │ ├── sol2.py │ └── sol3.py ├── problem_011 │ ├── __init__.py │ ├── grid.txt │ ├── sol1.py │ └── sol2.py ├── problem_012 │ ├── __init__.py │ ├── sol1.py │ └── sol2.py ├── problem_013 │ ├── __init__.py │ ├── num.txt │ └── sol1.py ├── problem_014 │ ├── __init__.py │ ├── sol1.py │ └── sol2.py ├── problem_015 │ ├── __init__.py │ └── sol1.py ├── problem_016 │ ├── __init__.py │ ├── sol1.py │ └── sol2.py ├── problem_017 │ ├── __init__.py │ └── sol1.py ├── problem_018 │ ├── __init__.py │ ├── solution.py │ └── triangle.txt ├── problem_019 │ ├── __init__.py │ └── sol1.py ├── problem_020 │ ├── __init__.py │ ├── sol1.py │ ├── sol2.py │ ├── sol3.py │ └── sol4.py ├── problem_021 │ ├── __init__.py │ └── sol1.py ├── problem_022 │ ├── __init__.py │ ├── p022_names.txt │ ├── sol1.py │ └── sol2.py ├── problem_023 │ ├── __init__.py │ └── sol1.py ├── problem_024 │ ├── __init__.py │ └── sol1.py ├── problem_025 │ ├── __init__.py │ ├── sol1.py │ ├── sol2.py │ └── sol3.py ├── problem_026 │ ├── __init__.py │ └── sol1.py ├── problem_027 │ ├── __init__.py │ └── sol1.py ├── problem_028 │ ├── __init__.py │ └── sol1.py ├── problem_029 │ ├── __init__.py │ └── sol1.py ├── problem_030 │ ├── __init__.py │ └── sol1.py ├── problem_031 │ ├── __init__.py │ ├── sol1.py │ └── sol2.py ├── problem_032 │ ├── __init__.py │ └── sol32.py ├── problem_033 │ ├── __init__.py │ └── sol1.py ├── problem_034 │ ├── __init__.py │ └── sol1.py ├── problem_035 │ ├── __init__.py │ └── sol1.py ├── problem_036 │ ├── __init__.py │ └── sol1.py ├── problem_037 │ ├── __init__.py │ └── sol1.py ├── problem_038 │ ├── __init__.py │ └── sol1.py ├── problem_039 │ ├── __init__.py │ └── sol1.py ├── problem_040 │ ├── __init__.py │ └── sol1.py ├── problem_041 │ ├── __init__.py │ └── sol1.py ├── problem_042 │ ├── __init__.py │ ├── solution42.py │ └── words.txt ├── problem_043 │ ├── __init__.py │ └── sol1.py ├── problem_044 │ ├── __init__.py │ └── sol1.py ├── problem_045 │ ├── __init__.py │ └── sol1.py ├── problem_046 │ ├── __init__.py │ └── sol1.py ├── problem_047 │ ├── __init__.py │ └── sol1.py ├── problem_048 │ ├── __init__.py │ └── sol1.py ├── problem_049 │ ├── __init__.py │ └── sol1.py ├── problem_050 │ ├── __init__.py │ └── sol1.py ├── problem_051 │ ├── __init__.py │ └── sol1.py ├── problem_052 │ ├── __init__.py │ └── sol1.py ├── problem_053 │ ├── __init__.py │ └── sol1.py ├── problem_054 │ ├── __init__.py │ ├── poker_hands.txt │ ├── sol1.py │ └── test_poker_hand.py ├── problem_055 │ ├── __init__.py │ └── sol1.py ├── problem_056 │ ├── __init__.py │ └── sol1.py ├── problem_057 │ ├── __init__.py │ └── sol1.py ├── problem_058 │ ├── __init__.py │ └── sol1.py ├── problem_059 │ ├── __init__.py │ ├── p059_cipher.txt │ ├── sol1.py │ └── test_cipher.txt ├── problem_062 │ ├── __init__.py │ └── sol1.py ├── problem_063 │ ├── __init__.py │ └── sol1.py ├── problem_064 │ ├── __init__.py │ └── sol1.py ├── problem_065 │ ├── __init__.py │ └── sol1.py ├── problem_067 │ ├── __init__.py │ ├── sol1.py │ ├── sol2.py │ └── triangle.txt ├── problem_068 │ ├── __init__.py │ └── sol1.py ├── problem_069 │ ├── __init__.py │ └── sol1.py ├── problem_070 │ ├── __init__.py │ └── sol1.py ├── problem_071 │ ├── __init__.py │ └── sol1.py ├── problem_072 │ ├── __init__.py │ ├── sol1.py │ └── sol2.py ├── problem_073 │ ├── __init__.py │ └── sol1.py ├── problem_074 │ ├── __init__.py │ ├── sol1.py │ └── sol2.py ├── problem_075 │ ├── __init__.py │ └── sol1.py ├── problem_076 │ ├── __init__.py │ └── sol1.py ├── problem_077 │ ├── __init__.py │ └── sol1.py ├── problem_078 │ ├── __init__.py │ └── sol1.py ├── problem_079 │ ├── __init__.py │ ├── keylog.txt │ ├── keylog_test.txt │ └── sol1.py ├── problem_080 │ ├── __init__.py │ └── sol1.py ├── problem_081 │ ├── __init__.py │ ├── matrix.txt │ └── sol1.py ├── problem_082 │ ├── __init__.py │ ├── input.txt │ ├── sol1.py │ └── test_matrix.txt ├── problem_085 │ ├── __init__.py │ └── sol1.py ├── problem_086 │ ├── __init__.py │ └── sol1.py ├── problem_087 │ ├── __init__.py │ └── sol1.py ├── problem_089 │ ├── __init__.py │ ├── numeralcleanup_test.txt │ ├── p089_roman.txt │ └── sol1.py ├── problem_091 │ ├── __init__.py │ └── sol1.py ├── problem_092 │ ├── __init__.py │ └── sol1.py ├── problem_094 │ ├── __init__.py │ └── sol1.py ├── problem_097 │ ├── __init__.py │ └── sol1.py ├── problem_099 │ ├── __init__.py │ ├── base_exp.txt │ └── sol1.py ├── problem_100 │ ├── __init__.py │ └── sol1.py ├── problem_101 │ ├── __init__.py │ └── sol1.py ├── problem_102 │ ├── __init__.py │ ├── p102_triangles.txt │ ├── sol1.py │ └── test_triangles.txt ├── problem_104 │ ├── __init__.py │ └── sol1.py ├── problem_107 │ ├── __init__.py │ ├── p107_network.txt │ ├── sol1.py │ └── test_network.txt ├── problem_109 │ ├── __init__.py │ └── sol1.py ├── problem_112 │ ├── __init__.py │ └── sol1.py ├── problem_113 │ ├── __init__.py │ └── sol1.py ├── problem_114 │ ├── __init__.py │ └── sol1.py ├── problem_115 │ ├── __init__.py │ └── sol1.py ├── problem_116 │ ├── __init__.py │ └── sol1.py ├── problem_117 │ ├── __init__.py │ └── sol1.py ├── problem_119 │ ├── __init__.py │ └── sol1.py ├── problem_120 │ ├── __init__.py │ └── sol1.py ├── problem_121 │ ├── __init__.py │ └── sol1.py ├── problem_123 │ ├── __init__.py │ └── sol1.py ├── problem_125 │ ├── __init__.py │ └── sol1.py ├── problem_129 │ ├── __init__.py │ └── sol1.py ├── problem_131 │ ├── __init__.py │ └── sol1.py ├── problem_135 │ ├── __init__.py │ └── sol1.py ├── problem_144 │ ├── __init__.py │ └── sol1.py ├── problem_145 │ ├── __init__.py │ └── sol1.py ├── problem_173 │ ├── __init__.py │ └── sol1.py ├── problem_174 │ ├── __init__.py │ └── sol1.py ├── problem_180 │ ├── __init__.py │ └── sol1.py ├── problem_187 │ ├── __init__.py │ └── sol1.py ├── problem_188 │ ├── __init__.py │ └── sol1.py ├── problem_191 │ ├── __init__.py │ └── sol1.py ├── problem_203 │ ├── __init__.py │ └── sol1.py ├── problem_205 │ ├── __init__.py │ └── sol1.py ├── problem_206 │ ├── __init__.py │ └── sol1.py ├── problem_207 │ ├── __init__.py │ └── sol1.py ├── problem_234 │ ├── __init__.py │ └── sol1.py ├── problem_301 │ ├── __init__.py │ └── sol1.py ├── problem_493 │ ├── __init__.py │ └── sol1.py ├── problem_551 │ ├── __init__.py │ └── sol1.py ├── problem_587 │ ├── __init__.py │ └── sol1.py ├── problem_686 │ ├── __init__.py │ └── sol1.py └── problem_800 │ ├── __init__.py │ └── sol1.py ├── pyproject.toml ├── quantum ├── README.md ├── __init__.py ├── bb84.py.DISABLED.txt ├── deutsch_jozsa.py.DISABLED.txt ├── half_adder.py.DISABLED.txt ├── not_gate.py.DISABLED.txt ├── q_fourier_transform.py ├── q_full_adder.py.DISABLED.txt ├── quantum_entanglement.py.DISABLED.txt ├── quantum_random.py.DISABLED.txt ├── quantum_teleportation.py.DISABLED.txt ├── ripple_adder_classic.py.DISABLED.txt ├── single_qubit_measure.py.DISABLED.txt └── superdense_coding.py.DISABLED.txt ├── requirements.txt ├── scheduling ├── __init__.py ├── first_come_first_served.py ├── highest_response_ratio_next.py ├── job_sequence_with_deadline.py ├── job_sequencing_with_deadline.py ├── multi_level_feedback_queue.py ├── non_preemptive_shortest_job_first.py ├── round_robin.py └── shortest_job_first.py ├── scripts ├── __init__.py ├── build_directory_md.py ├── project_euler_answers.json ├── validate_filenames.py └── validate_solutions.py ├── searches ├── __init__.py ├── binary_search.py ├── binary_tree_traversal.py ├── double_linear_search.py ├── double_linear_search_recursion.py ├── fibonacci_search.py ├── hill_climbing.py ├── interpolation_search.py ├── jump_search.py ├── linear_search.py ├── median_of_medians.py ├── quick_select.py ├── sentinel_linear_search.py ├── simple_binary_search.py ├── simulated_annealing.py ├── tabu_search.py ├── tabu_test_data.txt └── ternary_search.py ├── sorts ├── README.md ├── __init__.py ├── bead_sort.py ├── binary_insertion_sort.py ├── bitonic_sort.py ├── bogo_sort.py ├── bubble_sort.py ├── bucket_sort.py ├── circle_sort.py ├── cocktail_shaker_sort.py ├── comb_sort.py ├── counting_sort.py ├── cycle_sort.py ├── double_sort.py ├── dutch_national_flag_sort.py ├── exchange_sort.py ├── external_sort.py ├── gnome_sort.py ├── heap_sort.py ├── insertion_sort.py ├── intro_sort.py ├── iterative_merge_sort.py ├── merge_insertion_sort.py ├── merge_sort.py ├── msd_radix_sort.py ├── natural_sort.py ├── normal_distribution_quick_sort.md ├── odd_even_sort.py ├── odd_even_transposition_parallel.py ├── odd_even_transposition_single_threaded.py ├── pancake_sort.py ├── patience_sort.py ├── pigeon_sort.py ├── pigeonhole_sort.py ├── quick_sort.py ├── quick_sort_3_partition.py ├── radix_sort.py ├── recursive_insertion_sort.py ├── recursive_mergesort_array.py ├── recursive_quick_sort.py ├── selection_sort.py ├── shell_sort.py ├── shrink_shell_sort.py ├── slowsort.py ├── stooge_sort.py ├── strand_sort.py ├── tim_sort.py ├── topological_sort.py ├── tree_sort.py ├── unknown_sort.py └── wiggle_sort.py ├── strings ├── __init__.py ├── aho_corasick.py ├── alternative_string_arrange.py ├── anagrams.py ├── anagrams.txt ├── autocomplete_using_trie.py ├── barcode_validator.py ├── bitap_string_match.py ├── boyer_moore_search.py ├── camel_case_to_snake_case.py ├── can_string_be_rearranged_as_palindrome.py ├── capitalize.py ├── check_anagrams.py ├── credit_card_validator.py ├── damerau_levenshtein_distance.py ├── detecting_english_programmatically.py ├── dictionary.txt ├── dna.py ├── edit_distance.py ├── frequency_finder.py ├── hamming_distance.py ├── indian_phone_validator.py ├── is_contains_unique_chars.py ├── is_isogram.py ├── is_pangram.py ├── is_polish_national_id.py ├── is_spain_national_id.py ├── is_srilankan_phone_number.py ├── is_valid_email_address.py ├── jaro_winkler.py ├── join.py ├── knuth_morris_pratt.py ├── levenshtein_distance.py ├── lower.py ├── manacher.py ├── min_cost_string_conversion.py ├── naive_string_search.py ├── ngram.py ├── palindrome.py ├── pig_latin.py ├── prefix_function.py ├── rabin_karp.py ├── remove_duplicate.py ├── reverse_letters.py ├── reverse_words.py ├── snake_case_to_camel_pascal_case.py ├── split.py ├── string_switch_case.py ├── strip.py ├── text_justification.py ├── title.py ├── top_k_frequent_words.py ├── upper.py ├── wave.py ├── wildcard_pattern_matching.py ├── word_occurrence.py ├── word_patterns.py ├── words.txt └── z_function.py └── web_programming ├── __init__.py ├── co2_emission.py ├── covid_stats_via_xpath.py ├── crawl_google_results.py ├── crawl_google_scholar_citation.py ├── currency_converter.py ├── current_stock_price.py ├── current_weather.py ├── daily_horoscope.py ├── download_images_from_google_query.py ├── emails_from_url.py ├── fetch_anime_and_play.py ├── fetch_bbc_news.py ├── fetch_github_info.py ├── fetch_jobs.py ├── fetch_quotes.py ├── fetch_well_rx_price.py ├── get_amazon_product_data.py ├── get_imdb_top_250_movies_csv.py ├── get_imdbtop.py.DISABLED ├── get_ip_geolocation.py ├── get_top_billionaires.py ├── get_top_hn_posts.py ├── get_user_tweets.py ├── giphy.py ├── instagram_crawler.py ├── instagram_pic.py ├── instagram_video.py ├── nasa_data.py ├── open_google_results.py ├── random_anime_character.py ├── recaptcha_verification.py ├── reddit.py ├── search_books_by_isbn.py ├── slack_message.py ├── test_fetch_github_info.py └── world_covid19_stats.py /.devcontainer/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/.devcontainer/Dockerfile -------------------------------------------------------------------------------- /.devcontainer/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/.devcontainer/README.md -------------------------------------------------------------------------------- /.devcontainer/devcontainer.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/.devcontainer/devcontainer.json -------------------------------------------------------------------------------- /.gitattributes: -------------------------------------------------------------------------------- 1 | * text=auto 2 | -------------------------------------------------------------------------------- /.github/CODEOWNERS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/.github/CODEOWNERS -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/config.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/.github/ISSUE_TEMPLATE/config.yml -------------------------------------------------------------------------------- /.github/ISSUE_TEMPLATE/other.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/.github/ISSUE_TEMPLATE/other.yml -------------------------------------------------------------------------------- /.github/pull_request_template.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/.github/pull_request_template.md -------------------------------------------------------------------------------- /.github/stale.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/.github/stale.yml -------------------------------------------------------------------------------- /.github/workflows/build.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/.github/workflows/build.yml -------------------------------------------------------------------------------- /.github/workflows/project_euler.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/.github/workflows/project_euler.yml -------------------------------------------------------------------------------- /.github/workflows/ruff.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/.github/workflows/ruff.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/.gitignore -------------------------------------------------------------------------------- /.gitpod.yml: -------------------------------------------------------------------------------- 1 | tasks: 2 | - init: pip3 install -r ./requirements.txt 3 | -------------------------------------------------------------------------------- /.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/.pre-commit-config.yaml -------------------------------------------------------------------------------- /.vscode/settings.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/.vscode/settings.json -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /DIRECTORY.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/DIRECTORY.md -------------------------------------------------------------------------------- /LICENSE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/LICENSE.md -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/README.md -------------------------------------------------------------------------------- /audio_filters/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/audio_filters/README.md -------------------------------------------------------------------------------- /audio_filters/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /audio_filters/butterworth_filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/audio_filters/butterworth_filter.py -------------------------------------------------------------------------------- /audio_filters/iir_filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/audio_filters/iir_filter.py -------------------------------------------------------------------------------- /audio_filters/loudness_curve.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/audio_filters/loudness_curve.json -------------------------------------------------------------------------------- /audio_filters/show_response.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/audio_filters/show_response.py -------------------------------------------------------------------------------- /backtracking/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/backtracking/README.md -------------------------------------------------------------------------------- /backtracking/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /backtracking/all_combinations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/backtracking/all_combinations.py -------------------------------------------------------------------------------- /backtracking/all_permutations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/backtracking/all_permutations.py -------------------------------------------------------------------------------- /backtracking/all_subsequences.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/backtracking/all_subsequences.py -------------------------------------------------------------------------------- /backtracking/coloring.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/backtracking/coloring.py -------------------------------------------------------------------------------- /backtracking/combination_sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/backtracking/combination_sum.py -------------------------------------------------------------------------------- /backtracking/hamiltonian_cycle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/backtracking/hamiltonian_cycle.py -------------------------------------------------------------------------------- /backtracking/knight_tour.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/backtracking/knight_tour.py -------------------------------------------------------------------------------- /backtracking/match_word_pattern.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/backtracking/match_word_pattern.py -------------------------------------------------------------------------------- /backtracking/minimax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/backtracking/minimax.py -------------------------------------------------------------------------------- /backtracking/n_queens.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/backtracking/n_queens.py -------------------------------------------------------------------------------- /backtracking/n_queens_math.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/backtracking/n_queens_math.py -------------------------------------------------------------------------------- /backtracking/power_sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/backtracking/power_sum.py -------------------------------------------------------------------------------- /backtracking/rat_in_maze.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/backtracking/rat_in_maze.py -------------------------------------------------------------------------------- /backtracking/sudoku.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/backtracking/sudoku.py -------------------------------------------------------------------------------- /backtracking/sum_of_subsets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/backtracking/sum_of_subsets.py -------------------------------------------------------------------------------- /backtracking/word_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/backtracking/word_search.py -------------------------------------------------------------------------------- /bit_manipulation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/bit_manipulation/README.md -------------------------------------------------------------------------------- /bit_manipulation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /bit_manipulation/binary_shifts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/bit_manipulation/binary_shifts.py -------------------------------------------------------------------------------- /bit_manipulation/excess_3_code.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/bit_manipulation/excess_3_code.py -------------------------------------------------------------------------------- /bit_manipulation/highest_set_bit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/bit_manipulation/highest_set_bit.py -------------------------------------------------------------------------------- /bit_manipulation/is_even.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/bit_manipulation/is_even.py -------------------------------------------------------------------------------- /bit_manipulation/is_power_of_two.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/bit_manipulation/is_power_of_two.py -------------------------------------------------------------------------------- /bit_manipulation/missing_number.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/bit_manipulation/missing_number.py -------------------------------------------------------------------------------- /bit_manipulation/power_of_4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/bit_manipulation/power_of_4.py -------------------------------------------------------------------------------- /bit_manipulation/reverse_bits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/bit_manipulation/reverse_bits.py -------------------------------------------------------------------------------- /blockchain/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/blockchain/README.md -------------------------------------------------------------------------------- /blockchain/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /blockchain/diophantine_equation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/blockchain/diophantine_equation.py -------------------------------------------------------------------------------- /boolean_algebra/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/boolean_algebra/README.md -------------------------------------------------------------------------------- /boolean_algebra/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /boolean_algebra/and_gate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/boolean_algebra/and_gate.py -------------------------------------------------------------------------------- /boolean_algebra/imply_gate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/boolean_algebra/imply_gate.py -------------------------------------------------------------------------------- /boolean_algebra/multiplexer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/boolean_algebra/multiplexer.py -------------------------------------------------------------------------------- /boolean_algebra/nand_gate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/boolean_algebra/nand_gate.py -------------------------------------------------------------------------------- /boolean_algebra/nimply_gate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/boolean_algebra/nimply_gate.py -------------------------------------------------------------------------------- /boolean_algebra/nor_gate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/boolean_algebra/nor_gate.py -------------------------------------------------------------------------------- /boolean_algebra/not_gate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/boolean_algebra/not_gate.py -------------------------------------------------------------------------------- /boolean_algebra/or_gate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/boolean_algebra/or_gate.py -------------------------------------------------------------------------------- /boolean_algebra/quine_mc_cluskey.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/boolean_algebra/quine_mc_cluskey.py -------------------------------------------------------------------------------- /boolean_algebra/xnor_gate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/boolean_algebra/xnor_gate.py -------------------------------------------------------------------------------- /boolean_algebra/xor_gate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/boolean_algebra/xor_gate.py -------------------------------------------------------------------------------- /cellular_automata/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/cellular_automata/README.md -------------------------------------------------------------------------------- /cellular_automata/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /cellular_automata/game_of_life.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/cellular_automata/game_of_life.py -------------------------------------------------------------------------------- /cellular_automata/langtons_ant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/cellular_automata/langtons_ant.py -------------------------------------------------------------------------------- /cellular_automata/wa_tor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/cellular_automata/wa_tor.py -------------------------------------------------------------------------------- /ciphers/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/README.md -------------------------------------------------------------------------------- /ciphers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /ciphers/a1z26.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/a1z26.py -------------------------------------------------------------------------------- /ciphers/affine_cipher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/affine_cipher.py -------------------------------------------------------------------------------- /ciphers/atbash.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/atbash.py -------------------------------------------------------------------------------- /ciphers/autokey.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/autokey.py -------------------------------------------------------------------------------- /ciphers/baconian_cipher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/baconian_cipher.py -------------------------------------------------------------------------------- /ciphers/base16.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/base16.py -------------------------------------------------------------------------------- /ciphers/base32.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/base32.py -------------------------------------------------------------------------------- /ciphers/base64.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/base64.py -------------------------------------------------------------------------------- /ciphers/base85.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/base85.py -------------------------------------------------------------------------------- /ciphers/beaufort_cipher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/beaufort_cipher.py -------------------------------------------------------------------------------- /ciphers/bifid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/bifid.py -------------------------------------------------------------------------------- /ciphers/caesar_cipher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/caesar_cipher.py -------------------------------------------------------------------------------- /ciphers/cryptomath_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/cryptomath_module.py -------------------------------------------------------------------------------- /ciphers/diffie.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/diffie.py -------------------------------------------------------------------------------- /ciphers/diffie_hellman.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/diffie_hellman.py -------------------------------------------------------------------------------- /ciphers/elgamal_key_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/elgamal_key_generator.py -------------------------------------------------------------------------------- /ciphers/enigma_machine2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/enigma_machine2.py -------------------------------------------------------------------------------- /ciphers/hill_cipher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/hill_cipher.py -------------------------------------------------------------------------------- /ciphers/mixed_keyword_cypher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/mixed_keyword_cypher.py -------------------------------------------------------------------------------- /ciphers/mono_alphabetic_ciphers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/mono_alphabetic_ciphers.py -------------------------------------------------------------------------------- /ciphers/morse_code.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/morse_code.py -------------------------------------------------------------------------------- /ciphers/onepad_cipher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/onepad_cipher.py -------------------------------------------------------------------------------- /ciphers/permutation_cipher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/permutation_cipher.py -------------------------------------------------------------------------------- /ciphers/playfair_cipher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/playfair_cipher.py -------------------------------------------------------------------------------- /ciphers/polybius.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/polybius.py -------------------------------------------------------------------------------- /ciphers/porta_cipher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/porta_cipher.py -------------------------------------------------------------------------------- /ciphers/prehistoric_men.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/prehistoric_men.txt -------------------------------------------------------------------------------- /ciphers/rabin_miller.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/rabin_miller.py -------------------------------------------------------------------------------- /ciphers/rail_fence_cipher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/rail_fence_cipher.py -------------------------------------------------------------------------------- /ciphers/rot13.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/rot13.py -------------------------------------------------------------------------------- /ciphers/rsa_cipher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/rsa_cipher.py -------------------------------------------------------------------------------- /ciphers/rsa_factorization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/rsa_factorization.py -------------------------------------------------------------------------------- /ciphers/rsa_key_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/rsa_key_generator.py -------------------------------------------------------------------------------- /ciphers/running_key_cipher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/running_key_cipher.py -------------------------------------------------------------------------------- /ciphers/shuffled_shift_cipher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/shuffled_shift_cipher.py -------------------------------------------------------------------------------- /ciphers/simple_keyword_cypher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/simple_keyword_cypher.py -------------------------------------------------------------------------------- /ciphers/transposition_cipher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/transposition_cipher.py -------------------------------------------------------------------------------- /ciphers/trifid_cipher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/trifid_cipher.py -------------------------------------------------------------------------------- /ciphers/vernam_cipher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/vernam_cipher.py -------------------------------------------------------------------------------- /ciphers/vigenere_cipher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/vigenere_cipher.py -------------------------------------------------------------------------------- /ciphers/xor_cipher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/ciphers/xor_cipher.py -------------------------------------------------------------------------------- /compression/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/compression/README.md -------------------------------------------------------------------------------- /compression/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /compression/burrows_wheeler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/compression/burrows_wheeler.py -------------------------------------------------------------------------------- /compression/huffman.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/compression/huffman.py -------------------------------------------------------------------------------- /compression/image_data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /compression/lempel_ziv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/compression/lempel_ziv.py -------------------------------------------------------------------------------- /compression/lz77.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/compression/lz77.py -------------------------------------------------------------------------------- /compression/run_length_encoding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/compression/run_length_encoding.py -------------------------------------------------------------------------------- /computer_vision/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/computer_vision/README.md -------------------------------------------------------------------------------- /computer_vision/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /computer_vision/harris_corner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/computer_vision/harris_corner.py -------------------------------------------------------------------------------- /computer_vision/horn_schunck.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/computer_vision/horn_schunck.py -------------------------------------------------------------------------------- /computer_vision/mean_threshold.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/computer_vision/mean_threshold.py -------------------------------------------------------------------------------- /conversions/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/README.md -------------------------------------------------------------------------------- /conversions/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /conversions/binary_to_decimal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/binary_to_decimal.py -------------------------------------------------------------------------------- /conversions/binary_to_octal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/binary_to_octal.py -------------------------------------------------------------------------------- /conversions/decimal_to_any.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/decimal_to_any.py -------------------------------------------------------------------------------- /conversions/decimal_to_binary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/decimal_to_binary.py -------------------------------------------------------------------------------- /conversions/decimal_to_octal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/decimal_to_octal.py -------------------------------------------------------------------------------- /conversions/energy_conversions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/energy_conversions.py -------------------------------------------------------------------------------- /conversions/hex_to_bin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/hex_to_bin.py -------------------------------------------------------------------------------- /conversions/ipv4_conversion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/ipv4_conversion.py -------------------------------------------------------------------------------- /conversions/length_conversion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/length_conversion.py -------------------------------------------------------------------------------- /conversions/molecular_chemistry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/molecular_chemistry.py -------------------------------------------------------------------------------- /conversions/octal_to_binary.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/octal_to_binary.py -------------------------------------------------------------------------------- /conversions/octal_to_decimal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/octal_to_decimal.py -------------------------------------------------------------------------------- /conversions/octal_to_hexadecimal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/octal_to_hexadecimal.py -------------------------------------------------------------------------------- /conversions/prefix_conversions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/prefix_conversions.py -------------------------------------------------------------------------------- /conversions/pressure_conversions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/pressure_conversions.py -------------------------------------------------------------------------------- /conversions/rgb_cmyk_conversion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/rgb_cmyk_conversion.py -------------------------------------------------------------------------------- /conversions/rgb_hsv_conversion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/rgb_hsv_conversion.py -------------------------------------------------------------------------------- /conversions/roman_numerals.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/roman_numerals.py -------------------------------------------------------------------------------- /conversions/speed_conversions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/speed_conversions.py -------------------------------------------------------------------------------- /conversions/time_conversions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/time_conversions.py -------------------------------------------------------------------------------- /conversions/volume_conversions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/volume_conversions.py -------------------------------------------------------------------------------- /conversions/weight_conversion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/conversions/weight_conversion.py -------------------------------------------------------------------------------- /data_structures/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /data_structures/binary_tree/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /data_structures/disjoint_set/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /data_structures/hashing/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /data_structures/hashing/hash_map.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/data_structures/hashing/hash_map.py -------------------------------------------------------------------------------- /data_structures/hashing/number_theory/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /data_structures/heap/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /data_structures/heap/heap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/data_structures/heap/heap.py -------------------------------------------------------------------------------- /data_structures/heap/max_heap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/data_structures/heap/max_heap.py -------------------------------------------------------------------------------- /data_structures/heap/min_heap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/data_structures/heap/min_heap.py -------------------------------------------------------------------------------- /data_structures/heap/skew_heap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/data_structures/heap/skew_heap.py -------------------------------------------------------------------------------- /data_structures/queue/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /data_structures/stacks/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /data_structures/stacks/stack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/data_structures/stacks/stack.py -------------------------------------------------------------------------------- /data_structures/trie/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /data_structures/trie/radix_tree.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/data_structures/trie/radix_tree.py -------------------------------------------------------------------------------- /data_structures/trie/trie.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/data_structures/trie/trie.py -------------------------------------------------------------------------------- /digital_image_processing/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /digital_image_processing/dithering/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /digital_image_processing/edge_detection/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /digital_image_processing/filters/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /digital_image_processing/histogram_equalization/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /digital_image_processing/histogram_equalization/image_data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /digital_image_processing/histogram_equalization/output_data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /digital_image_processing/image_data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /digital_image_processing/resize/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /digital_image_processing/rotation/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /digital_image_processing/sepia.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/digital_image_processing/sepia.py -------------------------------------------------------------------------------- /divide_and_conquer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /divide_and_conquer/convex_hull.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/divide_and_conquer/convex_hull.py -------------------------------------------------------------------------------- /divide_and_conquer/inversions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/divide_and_conquer/inversions.py -------------------------------------------------------------------------------- /divide_and_conquer/max_subarray.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/divide_and_conquer/max_subarray.py -------------------------------------------------------------------------------- /divide_and_conquer/mergesort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/divide_and_conquer/mergesort.py -------------------------------------------------------------------------------- /divide_and_conquer/peak.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/divide_and_conquer/peak.py -------------------------------------------------------------------------------- /divide_and_conquer/power.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/divide_and_conquer/power.py -------------------------------------------------------------------------------- /dynamic_programming/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dynamic_programming/abbreviation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/dynamic_programming/abbreviation.py -------------------------------------------------------------------------------- /dynamic_programming/bitmask.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/dynamic_programming/bitmask.py -------------------------------------------------------------------------------- /dynamic_programming/factorial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/dynamic_programming/factorial.py -------------------------------------------------------------------------------- /dynamic_programming/fibonacci.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/dynamic_programming/fibonacci.py -------------------------------------------------------------------------------- /dynamic_programming/fizz_buzz.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/dynamic_programming/fizz_buzz.py -------------------------------------------------------------------------------- /dynamic_programming/knapsack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/dynamic_programming/knapsack.py -------------------------------------------------------------------------------- /dynamic_programming/regex_match.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/dynamic_programming/regex_match.py -------------------------------------------------------------------------------- /dynamic_programming/rod_cutting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/dynamic_programming/rod_cutting.py -------------------------------------------------------------------------------- /dynamic_programming/tribonacci.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/dynamic_programming/tribonacci.py -------------------------------------------------------------------------------- /dynamic_programming/viterbi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/dynamic_programming/viterbi.py -------------------------------------------------------------------------------- /dynamic_programming/word_break.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/dynamic_programming/word_break.py -------------------------------------------------------------------------------- /electronics/apparent_power.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/electronics/apparent_power.py -------------------------------------------------------------------------------- /electronics/builtin_voltage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/electronics/builtin_voltage.py -------------------------------------------------------------------------------- /electronics/charging_capacitor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/electronics/charging_capacitor.py -------------------------------------------------------------------------------- /electronics/charging_inductor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/electronics/charging_inductor.py -------------------------------------------------------------------------------- /electronics/circular_convolution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/electronics/circular_convolution.py -------------------------------------------------------------------------------- /electronics/coulombs_law.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/electronics/coulombs_law.py -------------------------------------------------------------------------------- /electronics/electric_power.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/electronics/electric_power.py -------------------------------------------------------------------------------- /electronics/electrical_impedance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/electronics/electrical_impedance.py -------------------------------------------------------------------------------- /electronics/ic_555_timer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/electronics/ic_555_timer.py -------------------------------------------------------------------------------- /electronics/ind_reactance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/electronics/ind_reactance.py -------------------------------------------------------------------------------- /electronics/ohms_law.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/electronics/ohms_law.py -------------------------------------------------------------------------------- /electronics/resistor_color_code.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/electronics/resistor_color_code.py -------------------------------------------------------------------------------- /electronics/resistor_equivalence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/electronics/resistor_equivalence.py -------------------------------------------------------------------------------- /electronics/resonant_frequency.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/electronics/resonant_frequency.py -------------------------------------------------------------------------------- /electronics/wheatstone_bridge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/electronics/wheatstone_bridge.py -------------------------------------------------------------------------------- /file_transfer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /file_transfer/mytext.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/file_transfer/mytext.txt -------------------------------------------------------------------------------- /file_transfer/receive_file.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/file_transfer/receive_file.py -------------------------------------------------------------------------------- /file_transfer/send_file.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/file_transfer/send_file.py -------------------------------------------------------------------------------- /file_transfer/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /financial/ABOUT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/financial/ABOUT.md -------------------------------------------------------------------------------- /financial/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /financial/interest.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/financial/interest.py -------------------------------------------------------------------------------- /financial/present_value.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/financial/present_value.py -------------------------------------------------------------------------------- /financial/price_plus_tax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/financial/price_plus_tax.py -------------------------------------------------------------------------------- /financial/simple_moving_average.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/financial/simple_moving_average.py -------------------------------------------------------------------------------- /fractals/julia_sets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/fractals/julia_sets.py -------------------------------------------------------------------------------- /fractals/koch_snowflake.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/fractals/koch_snowflake.py -------------------------------------------------------------------------------- /fractals/mandelbrot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/fractals/mandelbrot.py -------------------------------------------------------------------------------- /fractals/sierpinski_triangle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/fractals/sierpinski_triangle.py -------------------------------------------------------------------------------- /fuzzy_logic/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /fuzzy_logic/fuzzy_operations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/fuzzy_logic/fuzzy_operations.py -------------------------------------------------------------------------------- /genetic_algorithm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /genetic_algorithm/basic_string.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/genetic_algorithm/basic_string.py -------------------------------------------------------------------------------- /geodesy/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /geodesy/haversine_distance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/geodesy/haversine_distance.py -------------------------------------------------------------------------------- /geometry/geometry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/geometry/geometry.py -------------------------------------------------------------------------------- /graphics/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /graphics/bezier_curve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphics/bezier_curve.py -------------------------------------------------------------------------------- /graphs/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /graphs/a_star.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/a_star.py -------------------------------------------------------------------------------- /graphs/articulation_points.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/articulation_points.py -------------------------------------------------------------------------------- /graphs/basic_graphs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/basic_graphs.py -------------------------------------------------------------------------------- /graphs/bellman_ford.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/bellman_ford.py -------------------------------------------------------------------------------- /graphs/bi_directional_dijkstra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/bi_directional_dijkstra.py -------------------------------------------------------------------------------- /graphs/bidirectional_a_star.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/bidirectional_a_star.py -------------------------------------------------------------------------------- /graphs/boruvka.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/boruvka.py -------------------------------------------------------------------------------- /graphs/breadth_first_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/breadth_first_search.py -------------------------------------------------------------------------------- /graphs/breadth_first_search_2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/breadth_first_search_2.py -------------------------------------------------------------------------------- /graphs/check_bipatrite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/check_bipatrite.py -------------------------------------------------------------------------------- /graphs/check_cycle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/check_cycle.py -------------------------------------------------------------------------------- /graphs/connected_components.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/connected_components.py -------------------------------------------------------------------------------- /graphs/deep_clone_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/deep_clone_graph.py -------------------------------------------------------------------------------- /graphs/depth_first_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/depth_first_search.py -------------------------------------------------------------------------------- /graphs/depth_first_search_2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/depth_first_search_2.py -------------------------------------------------------------------------------- /graphs/dijkstra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/dijkstra.py -------------------------------------------------------------------------------- /graphs/dijkstra_2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/dijkstra_2.py -------------------------------------------------------------------------------- /graphs/dijkstra_algorithm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/dijkstra_algorithm.py -------------------------------------------------------------------------------- /graphs/dijkstra_alternate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/dijkstra_alternate.py -------------------------------------------------------------------------------- /graphs/dijkstra_binary_grid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/dijkstra_binary_grid.py -------------------------------------------------------------------------------- /graphs/dinic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/dinic.py -------------------------------------------------------------------------------- /graphs/even_tree.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/even_tree.py -------------------------------------------------------------------------------- /graphs/finding_bridges.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/finding_bridges.py -------------------------------------------------------------------------------- /graphs/g_topological_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/g_topological_sort.py -------------------------------------------------------------------------------- /graphs/gale_shapley_bigraph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/gale_shapley_bigraph.py -------------------------------------------------------------------------------- /graphs/graph_adjacency_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/graph_adjacency_list.py -------------------------------------------------------------------------------- /graphs/graph_adjacency_matrix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/graph_adjacency_matrix.py -------------------------------------------------------------------------------- /graphs/graph_list.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/graph_list.py -------------------------------------------------------------------------------- /graphs/graphs_floyd_warshall.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/graphs_floyd_warshall.py -------------------------------------------------------------------------------- /graphs/greedy_best_first.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/greedy_best_first.py -------------------------------------------------------------------------------- /graphs/greedy_min_vertex_cover.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/greedy_min_vertex_cover.py -------------------------------------------------------------------------------- /graphs/kahns_algorithm_long.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/kahns_algorithm_long.py -------------------------------------------------------------------------------- /graphs/kahns_algorithm_topo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/kahns_algorithm_topo.py -------------------------------------------------------------------------------- /graphs/karger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/karger.py -------------------------------------------------------------------------------- /graphs/markov_chain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/markov_chain.py -------------------------------------------------------------------------------- /graphs/matching_min_vertex_cover.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/matching_min_vertex_cover.py -------------------------------------------------------------------------------- /graphs/minimum_path_sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/minimum_path_sum.py -------------------------------------------------------------------------------- /graphs/multi_heuristic_astar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/multi_heuristic_astar.py -------------------------------------------------------------------------------- /graphs/page_rank.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/page_rank.py -------------------------------------------------------------------------------- /graphs/prim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/prim.py -------------------------------------------------------------------------------- /graphs/random_graph_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/random_graph_generator.py -------------------------------------------------------------------------------- /graphs/scc_kosaraju.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/scc_kosaraju.py -------------------------------------------------------------------------------- /graphs/tarjans_scc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/graphs/tarjans_scc.py -------------------------------------------------------------------------------- /graphs/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /greedy_methods/gas_station.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/greedy_methods/gas_station.py -------------------------------------------------------------------------------- /greedy_methods/smallest_range.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/greedy_methods/smallest_range.py -------------------------------------------------------------------------------- /hashes/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/hashes/README.md -------------------------------------------------------------------------------- /hashes/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /hashes/adler32.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/hashes/adler32.py -------------------------------------------------------------------------------- /hashes/chaos_machine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/hashes/chaos_machine.py -------------------------------------------------------------------------------- /hashes/djb2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/hashes/djb2.py -------------------------------------------------------------------------------- /hashes/elf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/hashes/elf.py -------------------------------------------------------------------------------- /hashes/enigma_machine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/hashes/enigma_machine.py -------------------------------------------------------------------------------- /hashes/fletcher16.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/hashes/fletcher16.py -------------------------------------------------------------------------------- /hashes/hamming_code.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/hashes/hamming_code.py -------------------------------------------------------------------------------- /hashes/luhn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/hashes/luhn.py -------------------------------------------------------------------------------- /hashes/md5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/hashes/md5.py -------------------------------------------------------------------------------- /hashes/sdbm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/hashes/sdbm.py -------------------------------------------------------------------------------- /hashes/sha1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/hashes/sha1.py -------------------------------------------------------------------------------- /hashes/sha256.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/hashes/sha256.py -------------------------------------------------------------------------------- /knapsack/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/knapsack/README.md -------------------------------------------------------------------------------- /knapsack/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /knapsack/greedy_knapsack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/knapsack/greedy_knapsack.py -------------------------------------------------------------------------------- /knapsack/knapsack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/knapsack/knapsack.py -------------------------------------------------------------------------------- /knapsack/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /knapsack/tests/test_knapsack.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/knapsack/tests/test_knapsack.py -------------------------------------------------------------------------------- /linear_algebra/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/linear_algebra/README.md -------------------------------------------------------------------------------- /linear_algebra/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /linear_algebra/lu_decomposition.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/linear_algebra/lu_decomposition.py -------------------------------------------------------------------------------- /linear_algebra/src/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /linear_algebra/src/lib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/linear_algebra/src/lib.py -------------------------------------------------------------------------------- /linear_programming/simplex.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/linear_programming/simplex.py -------------------------------------------------------------------------------- /machine_learning/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /machine_learning/astar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/machine_learning/astar.py -------------------------------------------------------------------------------- /machine_learning/decision_tree.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/machine_learning/decision_tree.py -------------------------------------------------------------------------------- /machine_learning/forecasting/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /machine_learning/forecasting/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/machine_learning/forecasting/run.py -------------------------------------------------------------------------------- /machine_learning/k_means_clust.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/machine_learning/k_means_clust.py -------------------------------------------------------------------------------- /machine_learning/local_weighted_learning/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /machine_learning/loss_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/machine_learning/loss_functions.py -------------------------------------------------------------------------------- /machine_learning/lstm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /machine_learning/mfcc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/machine_learning/mfcc.py -------------------------------------------------------------------------------- /maths/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /maths/abs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/abs.py -------------------------------------------------------------------------------- /maths/aliquot_sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/aliquot_sum.py -------------------------------------------------------------------------------- /maths/allocation_number.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/allocation_number.py -------------------------------------------------------------------------------- /maths/arc_length.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/arc_length.py -------------------------------------------------------------------------------- /maths/area.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/area.py -------------------------------------------------------------------------------- /maths/area_under_curve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/area_under_curve.py -------------------------------------------------------------------------------- /maths/average_absolute_deviation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/average_absolute_deviation.py -------------------------------------------------------------------------------- /maths/average_mean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/average_mean.py -------------------------------------------------------------------------------- /maths/average_median.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/average_median.py -------------------------------------------------------------------------------- /maths/average_mode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/average_mode.py -------------------------------------------------------------------------------- /maths/bailey_borwein_plouffe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/bailey_borwein_plouffe.py -------------------------------------------------------------------------------- /maths/base_neg2_conversion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/base_neg2_conversion.py -------------------------------------------------------------------------------- /maths/basic_maths.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/basic_maths.py -------------------------------------------------------------------------------- /maths/binary_exponentiation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/binary_exponentiation.py -------------------------------------------------------------------------------- /maths/binary_multiplication.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/binary_multiplication.py -------------------------------------------------------------------------------- /maths/binomial_coefficient.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/binomial_coefficient.py -------------------------------------------------------------------------------- /maths/binomial_distribution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/binomial_distribution.py -------------------------------------------------------------------------------- /maths/ceil.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/ceil.py -------------------------------------------------------------------------------- /maths/chebyshev_distance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/chebyshev_distance.py -------------------------------------------------------------------------------- /maths/check_polygon.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/check_polygon.py -------------------------------------------------------------------------------- /maths/chinese_remainder_theorem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/chinese_remainder_theorem.py -------------------------------------------------------------------------------- /maths/chudnovsky_algorithm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/chudnovsky_algorithm.py -------------------------------------------------------------------------------- /maths/collatz_sequence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/collatz_sequence.py -------------------------------------------------------------------------------- /maths/combinations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/combinations.py -------------------------------------------------------------------------------- /maths/continued_fraction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/continued_fraction.py -------------------------------------------------------------------------------- /maths/decimal_isolate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/decimal_isolate.py -------------------------------------------------------------------------------- /maths/decimal_to_fraction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/decimal_to_fraction.py -------------------------------------------------------------------------------- /maths/dodecahedron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/dodecahedron.py -------------------------------------------------------------------------------- /maths/double_factorial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/double_factorial.py -------------------------------------------------------------------------------- /maths/entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/entropy.py -------------------------------------------------------------------------------- /maths/euclidean_distance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/euclidean_distance.py -------------------------------------------------------------------------------- /maths/euler_method.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/euler_method.py -------------------------------------------------------------------------------- /maths/euler_modified.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/euler_modified.py -------------------------------------------------------------------------------- /maths/eulers_totient.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/eulers_totient.py -------------------------------------------------------------------------------- /maths/factorial.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/factorial.py -------------------------------------------------------------------------------- /maths/factors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/factors.py -------------------------------------------------------------------------------- /maths/fast_inverse_sqrt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/fast_inverse_sqrt.py -------------------------------------------------------------------------------- /maths/fermat_little_theorem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/fermat_little_theorem.py -------------------------------------------------------------------------------- /maths/fibonacci.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/fibonacci.py -------------------------------------------------------------------------------- /maths/find_max.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/find_max.py -------------------------------------------------------------------------------- /maths/find_min.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/find_min.py -------------------------------------------------------------------------------- /maths/floor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/floor.py -------------------------------------------------------------------------------- /maths/gamma.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/gamma.py -------------------------------------------------------------------------------- /maths/gaussian.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/gaussian.py -------------------------------------------------------------------------------- /maths/gaussian_error_linear_unit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/gaussian_error_linear_unit.py -------------------------------------------------------------------------------- /maths/gcd_of_n_numbers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/gcd_of_n_numbers.py -------------------------------------------------------------------------------- /maths/germain_primes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/germain_primes.py -------------------------------------------------------------------------------- /maths/greatest_common_divisor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/greatest_common_divisor.py -------------------------------------------------------------------------------- /maths/hardy_ramanujanalgo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/hardy_ramanujanalgo.py -------------------------------------------------------------------------------- /maths/images/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /maths/images/gaussian.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/images/gaussian.png -------------------------------------------------------------------------------- /maths/integer_square_root.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/integer_square_root.py -------------------------------------------------------------------------------- /maths/interquartile_range.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/interquartile_range.py -------------------------------------------------------------------------------- /maths/is_int_palindrome.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/is_int_palindrome.py -------------------------------------------------------------------------------- /maths/is_ip_v4_address_valid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/is_ip_v4_address_valid.py -------------------------------------------------------------------------------- /maths/is_square_free.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/is_square_free.py -------------------------------------------------------------------------------- /maths/jaccard_similarity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/jaccard_similarity.py -------------------------------------------------------------------------------- /maths/josephus_problem.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/josephus_problem.py -------------------------------------------------------------------------------- /maths/juggler_sequence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/juggler_sequence.py -------------------------------------------------------------------------------- /maths/karatsuba.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/karatsuba.py -------------------------------------------------------------------------------- /maths/least_common_multiple.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/least_common_multiple.py -------------------------------------------------------------------------------- /maths/line_length.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/line_length.py -------------------------------------------------------------------------------- /maths/liouville_lambda.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/liouville_lambda.py -------------------------------------------------------------------------------- /maths/lucas_series.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/lucas_series.py -------------------------------------------------------------------------------- /maths/maclaurin_series.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/maclaurin_series.py -------------------------------------------------------------------------------- /maths/manhattan_distance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/manhattan_distance.py -------------------------------------------------------------------------------- /maths/matrix_exponentiation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/matrix_exponentiation.py -------------------------------------------------------------------------------- /maths/max_sum_sliding_window.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/max_sum_sliding_window.py -------------------------------------------------------------------------------- /maths/median_of_two_arrays.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/median_of_two_arrays.py -------------------------------------------------------------------------------- /maths/minkowski_distance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/minkowski_distance.py -------------------------------------------------------------------------------- /maths/mobius_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/mobius_function.py -------------------------------------------------------------------------------- /maths/modular_division.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/modular_division.py -------------------------------------------------------------------------------- /maths/modular_exponential.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/modular_exponential.py -------------------------------------------------------------------------------- /maths/monte_carlo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/monte_carlo.py -------------------------------------------------------------------------------- /maths/monte_carlo_dice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/monte_carlo_dice.py -------------------------------------------------------------------------------- /maths/number_of_digits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/number_of_digits.py -------------------------------------------------------------------------------- /maths/odd_sieve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/odd_sieve.py -------------------------------------------------------------------------------- /maths/perfect_cube.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/perfect_cube.py -------------------------------------------------------------------------------- /maths/perfect_number.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/perfect_number.py -------------------------------------------------------------------------------- /maths/perfect_square.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/perfect_square.py -------------------------------------------------------------------------------- /maths/persistence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/persistence.py -------------------------------------------------------------------------------- /maths/pi_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/pi_generator.py -------------------------------------------------------------------------------- /maths/pi_monte_carlo_estimation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/pi_monte_carlo_estimation.py -------------------------------------------------------------------------------- /maths/points_are_collinear_3d.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/points_are_collinear_3d.py -------------------------------------------------------------------------------- /maths/pollard_rho.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/pollard_rho.py -------------------------------------------------------------------------------- /maths/polynomial_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/polynomial_evaluation.py -------------------------------------------------------------------------------- /maths/polynomials/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /maths/power_using_recursion.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/power_using_recursion.py -------------------------------------------------------------------------------- /maths/prime_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/prime_check.py -------------------------------------------------------------------------------- /maths/prime_factors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/prime_factors.py -------------------------------------------------------------------------------- /maths/prime_numbers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/prime_numbers.py -------------------------------------------------------------------------------- /maths/prime_sieve_eratosthenes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/prime_sieve_eratosthenes.py -------------------------------------------------------------------------------- /maths/primelib.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/primelib.py -------------------------------------------------------------------------------- /maths/print_multiplication_table.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/print_multiplication_table.py -------------------------------------------------------------------------------- /maths/pythagoras.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/pythagoras.py -------------------------------------------------------------------------------- /maths/qr_decomposition.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/qr_decomposition.py -------------------------------------------------------------------------------- /maths/radians.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/radians.py -------------------------------------------------------------------------------- /maths/radix2_fft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/radix2_fft.py -------------------------------------------------------------------------------- /maths/remove_digit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/remove_digit.py -------------------------------------------------------------------------------- /maths/segmented_sieve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/segmented_sieve.py -------------------------------------------------------------------------------- /maths/series/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /maths/series/arithmetic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/series/arithmetic.py -------------------------------------------------------------------------------- /maths/series/geometric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/series/geometric.py -------------------------------------------------------------------------------- /maths/series/geometric_series.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/series/geometric_series.py -------------------------------------------------------------------------------- /maths/series/harmonic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/series/harmonic.py -------------------------------------------------------------------------------- /maths/series/harmonic_series.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/series/harmonic_series.py -------------------------------------------------------------------------------- /maths/series/hexagonal_numbers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/series/hexagonal_numbers.py -------------------------------------------------------------------------------- /maths/series/p_series.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/series/p_series.py -------------------------------------------------------------------------------- /maths/sieve_of_eratosthenes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/sieve_of_eratosthenes.py -------------------------------------------------------------------------------- /maths/sigmoid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/sigmoid.py -------------------------------------------------------------------------------- /maths/signum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/signum.py -------------------------------------------------------------------------------- /maths/sin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/sin.py -------------------------------------------------------------------------------- /maths/sock_merchant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/sock_merchant.py -------------------------------------------------------------------------------- /maths/softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/softmax.py -------------------------------------------------------------------------------- /maths/sum_of_arithmetic_series.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/sum_of_arithmetic_series.py -------------------------------------------------------------------------------- /maths/sum_of_digits.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/sum_of_digits.py -------------------------------------------------------------------------------- /maths/sum_of_harmonic_series.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/sum_of_harmonic_series.py -------------------------------------------------------------------------------- /maths/sumset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/sumset.py -------------------------------------------------------------------------------- /maths/sylvester_sequence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/sylvester_sequence.py -------------------------------------------------------------------------------- /maths/tanh.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/tanh.py -------------------------------------------------------------------------------- /maths/test_prime_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/test_prime_check.py -------------------------------------------------------------------------------- /maths/three_sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/three_sum.py -------------------------------------------------------------------------------- /maths/trapezoidal_rule.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/trapezoidal_rule.py -------------------------------------------------------------------------------- /maths/triplet_sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/triplet_sum.py -------------------------------------------------------------------------------- /maths/twin_prime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/twin_prime.py -------------------------------------------------------------------------------- /maths/two_pointer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/two_pointer.py -------------------------------------------------------------------------------- /maths/two_sum.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/two_sum.py -------------------------------------------------------------------------------- /maths/volume.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/volume.py -------------------------------------------------------------------------------- /maths/zellers_congruence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/maths/zellers_congruence.py -------------------------------------------------------------------------------- /matrix/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /matrix/binary_search_matrix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/matrix/binary_search_matrix.py -------------------------------------------------------------------------------- /matrix/count_islands_in_matrix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/matrix/count_islands_in_matrix.py -------------------------------------------------------------------------------- /matrix/count_paths.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/matrix/count_paths.py -------------------------------------------------------------------------------- /matrix/cramers_rule_2x2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/matrix/cramers_rule_2x2.py -------------------------------------------------------------------------------- /matrix/inverse_of_matrix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/matrix/inverse_of_matrix.py -------------------------------------------------------------------------------- /matrix/matrix_class.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/matrix/matrix_class.py -------------------------------------------------------------------------------- /matrix/matrix_operation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/matrix/matrix_operation.py -------------------------------------------------------------------------------- /matrix/max_area_of_island.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/matrix/max_area_of_island.py -------------------------------------------------------------------------------- /matrix/median_matrix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/matrix/median_matrix.py -------------------------------------------------------------------------------- /matrix/pascal_triangle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/matrix/pascal_triangle.py -------------------------------------------------------------------------------- /matrix/rotate_matrix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/matrix/rotate_matrix.py -------------------------------------------------------------------------------- /matrix/sherman_morrison.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/matrix/sherman_morrison.py -------------------------------------------------------------------------------- /matrix/spiral_print.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/matrix/spiral_print.py -------------------------------------------------------------------------------- /matrix/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /matrix/tests/pytest.ini: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/matrix/tests/pytest.ini -------------------------------------------------------------------------------- /matrix/validate_sudoku_board.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/matrix/validate_sudoku_board.py -------------------------------------------------------------------------------- /networking_flow/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /networking_flow/ford_fulkerson.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/networking_flow/ford_fulkerson.py -------------------------------------------------------------------------------- /networking_flow/minimum_cut.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/networking_flow/minimum_cut.py -------------------------------------------------------------------------------- /neural_network/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /neural_network/gan.py_tf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/neural_network/gan.py_tf -------------------------------------------------------------------------------- /other/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /other/activity_selection.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/activity_selection.py -------------------------------------------------------------------------------- /other/alternative_list_arrange.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/alternative_list_arrange.py -------------------------------------------------------------------------------- /other/bankers_algorithm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/bankers_algorithm.py -------------------------------------------------------------------------------- /other/doomsday.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/doomsday.py -------------------------------------------------------------------------------- /other/fischer_yates_shuffle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/fischer_yates_shuffle.py -------------------------------------------------------------------------------- /other/gauss_easter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/gauss_easter.py -------------------------------------------------------------------------------- /other/graham_scan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/graham_scan.py -------------------------------------------------------------------------------- /other/greedy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/greedy.py -------------------------------------------------------------------------------- /other/guess_the_number_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/guess_the_number_search.py -------------------------------------------------------------------------------- /other/h_index.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/h_index.py -------------------------------------------------------------------------------- /other/least_recently_used.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/least_recently_used.py -------------------------------------------------------------------------------- /other/lfu_cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/lfu_cache.py -------------------------------------------------------------------------------- /other/lru_cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/lru_cache.py -------------------------------------------------------------------------------- /other/magicdiamondpattern.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/magicdiamondpattern.py -------------------------------------------------------------------------------- /other/majority_vote_algorithm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/majority_vote_algorithm.py -------------------------------------------------------------------------------- /other/maximum_subsequence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/maximum_subsequence.py -------------------------------------------------------------------------------- /other/nested_brackets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/nested_brackets.py -------------------------------------------------------------------------------- /other/number_container_system.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/number_container_system.py -------------------------------------------------------------------------------- /other/password.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/password.py -------------------------------------------------------------------------------- /other/quine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/quine.py -------------------------------------------------------------------------------- /other/scoring_algorithm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/scoring_algorithm.py -------------------------------------------------------------------------------- /other/sdes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/sdes.py -------------------------------------------------------------------------------- /other/tower_of_hanoi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/tower_of_hanoi.py -------------------------------------------------------------------------------- /other/word_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/other/word_search.py -------------------------------------------------------------------------------- /physics/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /physics/altitude_pressure.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/altitude_pressure.py -------------------------------------------------------------------------------- /physics/basic_orbital_capture.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/basic_orbital_capture.py -------------------------------------------------------------------------------- /physics/casimir_effect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/casimir_effect.py -------------------------------------------------------------------------------- /physics/center_of_mass.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/center_of_mass.py -------------------------------------------------------------------------------- /physics/centripetal_force.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/centripetal_force.py -------------------------------------------------------------------------------- /physics/coulombs_law.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/coulombs_law.py -------------------------------------------------------------------------------- /physics/doppler_frequency.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/doppler_frequency.py -------------------------------------------------------------------------------- /physics/grahams_law.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/grahams_law.py -------------------------------------------------------------------------------- /physics/hubble_parameter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/hubble_parameter.py -------------------------------------------------------------------------------- /physics/ideal_gas_law.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/ideal_gas_law.py -------------------------------------------------------------------------------- /physics/image_data/2D_problems.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/image_data/2D_problems.jpg -------------------------------------------------------------------------------- /physics/image_data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /physics/in_static_equilibrium.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/in_static_equilibrium.py -------------------------------------------------------------------------------- /physics/kinetic_energy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/kinetic_energy.py -------------------------------------------------------------------------------- /physics/lens_formulae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/lens_formulae.py -------------------------------------------------------------------------------- /physics/malus_law.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/malus_law.py -------------------------------------------------------------------------------- /physics/mass_energy_equivalence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/mass_energy_equivalence.py -------------------------------------------------------------------------------- /physics/mirror_formulae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/mirror_formulae.py -------------------------------------------------------------------------------- /physics/n_body_simulation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/n_body_simulation.py -------------------------------------------------------------------------------- /physics/photoelectric_effect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/photoelectric_effect.py -------------------------------------------------------------------------------- /physics/potential_energy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/potential_energy.py -------------------------------------------------------------------------------- /physics/reynolds_number.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/reynolds_number.py -------------------------------------------------------------------------------- /physics/rms_speed_of_molecule.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/rms_speed_of_molecule.py -------------------------------------------------------------------------------- /physics/shear_stress.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/shear_stress.py -------------------------------------------------------------------------------- /physics/speed_of_sound.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/speed_of_sound.py -------------------------------------------------------------------------------- /physics/speeds_of_gas_molecules.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/speeds_of_gas_molecules.py -------------------------------------------------------------------------------- /physics/terminal_velocity.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/physics/terminal_velocity.py -------------------------------------------------------------------------------- /project_euler/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/README.md -------------------------------------------------------------------------------- /project_euler/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_001/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_001/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_001/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_001/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_001/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_001/sol3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_001/sol3.py -------------------------------------------------------------------------------- /project_euler/problem_001/sol4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_001/sol4.py -------------------------------------------------------------------------------- /project_euler/problem_001/sol5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_001/sol5.py -------------------------------------------------------------------------------- /project_euler/problem_001/sol6.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_001/sol6.py -------------------------------------------------------------------------------- /project_euler/problem_001/sol7.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_001/sol7.py -------------------------------------------------------------------------------- /project_euler/problem_002/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_002/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_002/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_002/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_002/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_002/sol3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_002/sol3.py -------------------------------------------------------------------------------- /project_euler/problem_002/sol4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_002/sol4.py -------------------------------------------------------------------------------- /project_euler/problem_002/sol5.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_002/sol5.py -------------------------------------------------------------------------------- /project_euler/problem_003/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_003/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_003/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_003/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_003/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_003/sol3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_003/sol3.py -------------------------------------------------------------------------------- /project_euler/problem_004/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_004/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_004/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_004/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_004/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_005/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_005/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_005/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_005/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_005/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_006/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_006/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_006/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_006/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_006/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_006/sol3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_006/sol3.py -------------------------------------------------------------------------------- /project_euler/problem_006/sol4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_006/sol4.py -------------------------------------------------------------------------------- /project_euler/problem_007/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_007/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_007/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_007/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_007/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_007/sol3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_007/sol3.py -------------------------------------------------------------------------------- /project_euler/problem_008/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_008/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_008/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_008/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_008/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_008/sol3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_008/sol3.py -------------------------------------------------------------------------------- /project_euler/problem_009/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_009/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_009/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_009/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_009/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_009/sol3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_009/sol3.py -------------------------------------------------------------------------------- /project_euler/problem_010/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_010/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_010/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_010/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_010/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_010/sol3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_010/sol3.py -------------------------------------------------------------------------------- /project_euler/problem_011/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_011/grid.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_011/grid.txt -------------------------------------------------------------------------------- /project_euler/problem_011/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_011/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_011/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_011/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_012/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_012/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_012/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_012/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_012/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_013/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_013/num.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_013/num.txt -------------------------------------------------------------------------------- /project_euler/problem_013/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_013/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_014/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_014/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_014/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_014/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_014/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_015/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_015/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_015/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_016/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_016/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_016/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_016/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_016/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_017/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_017/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_017/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_018/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_019/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_019/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_019/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_020/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_020/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_020/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_020/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_020/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_020/sol3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_020/sol3.py -------------------------------------------------------------------------------- /project_euler/problem_020/sol4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_020/sol4.py -------------------------------------------------------------------------------- /project_euler/problem_021/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_021/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_021/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_022/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_022/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_022/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_022/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_022/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_023/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_023/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_023/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_024/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_024/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_024/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_025/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_025/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_025/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_025/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_025/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_025/sol3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_025/sol3.py -------------------------------------------------------------------------------- /project_euler/problem_026/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_026/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_026/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_027/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_027/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_027/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_028/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_028/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_028/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_029/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_029/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_029/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_030/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_030/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_030/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_031/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_031/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_031/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_031/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_031/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_032/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_032/sol32.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_032/sol32.py -------------------------------------------------------------------------------- /project_euler/problem_033/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_033/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_033/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_034/__init__.py: -------------------------------------------------------------------------------- 1 | # 2 | -------------------------------------------------------------------------------- /project_euler/problem_034/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_034/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_035/__init__.py: -------------------------------------------------------------------------------- 1 | # 2 | -------------------------------------------------------------------------------- /project_euler/problem_035/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_035/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_036/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_036/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_036/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_037/__init__.py: -------------------------------------------------------------------------------- 1 | # 2 | -------------------------------------------------------------------------------- /project_euler/problem_037/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_037/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_038/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_038/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_038/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_039/__init__.py: -------------------------------------------------------------------------------- 1 | # 2 | -------------------------------------------------------------------------------- /project_euler/problem_039/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_039/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_040/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_040/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_040/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_041/__init__.py: -------------------------------------------------------------------------------- 1 | # 2 | -------------------------------------------------------------------------------- /project_euler/problem_041/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_041/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_042/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_042/words.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_042/words.txt -------------------------------------------------------------------------------- /project_euler/problem_043/__init__.py: -------------------------------------------------------------------------------- 1 | # 2 | -------------------------------------------------------------------------------- /project_euler/problem_043/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_043/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_044/__init__.py: -------------------------------------------------------------------------------- 1 | # 2 | -------------------------------------------------------------------------------- /project_euler/problem_044/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_044/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_045/__init__.py: -------------------------------------------------------------------------------- 1 | # 2 | -------------------------------------------------------------------------------- /project_euler/problem_045/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_045/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_046/__init__.py: -------------------------------------------------------------------------------- 1 | # 2 | -------------------------------------------------------------------------------- /project_euler/problem_046/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_046/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_047/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_047/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_047/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_048/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_048/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_048/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_049/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_049/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_049/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_050/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_050/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_050/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_051/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_051/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_051/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_052/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_052/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_052/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_053/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_053/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_053/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_054/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_054/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_054/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_055/__init__.py: -------------------------------------------------------------------------------- 1 | # 2 | -------------------------------------------------------------------------------- /project_euler/problem_055/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_055/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_056/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_056/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_056/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_057/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_057/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_057/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_058/__init__.py: -------------------------------------------------------------------------------- 1 | # 2 | -------------------------------------------------------------------------------- /project_euler/problem_058/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_058/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_059/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_059/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_059/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_062/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_062/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_062/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_063/__init__.py: -------------------------------------------------------------------------------- 1 | # 2 | -------------------------------------------------------------------------------- /project_euler/problem_063/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_063/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_064/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_064/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_064/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_065/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_065/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_065/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_067/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_067/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_067/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_067/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_067/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_068/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_068/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_068/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_069/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_069/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_069/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_070/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_070/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_070/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_071/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_071/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_071/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_072/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_072/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_072/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_072/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_072/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_073/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_073/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_073/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_074/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_074/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_074/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_074/sol2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_074/sol2.py -------------------------------------------------------------------------------- /project_euler/problem_075/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_075/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_075/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_076/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_076/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_076/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_077/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_077/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_077/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_078/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_078/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_078/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_079/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_079/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_079/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_080/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_080/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_080/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_081/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_081/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_081/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_082/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_082/input.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_082/input.txt -------------------------------------------------------------------------------- /project_euler/problem_082/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_082/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_085/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_085/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_085/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_086/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_086/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_086/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_087/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_087/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_087/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_089/__init__.py: -------------------------------------------------------------------------------- 1 | # 2 | -------------------------------------------------------------------------------- /project_euler/problem_089/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_089/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_091/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_091/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_091/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_092/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_092/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_092/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_094/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_094/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_094/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_097/__init__.py: -------------------------------------------------------------------------------- 1 | # 2 | -------------------------------------------------------------------------------- /project_euler/problem_097/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_097/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_099/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_099/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_099/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_100/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_100/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_100/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_101/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_101/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_101/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_102/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_102/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_102/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_104/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_104/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_104/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_107/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_107/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_107/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_109/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_109/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_109/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_112/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_112/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_112/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_113/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_113/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_113/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_114/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_114/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_114/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_115/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_115/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_115/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_116/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_116/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_116/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_117/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_117/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_117/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_119/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_119/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_119/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_120/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_120/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_120/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_121/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_121/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_121/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_123/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_123/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_123/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_125/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_125/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_125/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_129/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_129/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_129/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_131/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_131/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_131/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_135/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_135/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_135/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_144/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_144/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_144/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_145/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_145/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_145/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_173/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_173/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_173/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_174/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_174/sol1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/project_euler/problem_174/sol1.py -------------------------------------------------------------------------------- /project_euler/problem_180/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_187/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_188/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_191/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_203/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_205/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_206/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_207/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_234/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_301/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_493/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_551/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_587/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_686/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /project_euler/problem_800/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/pyproject.toml -------------------------------------------------------------------------------- /quantum/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/quantum/README.md -------------------------------------------------------------------------------- /quantum/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /quantum/bb84.py.DISABLED.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/quantum/bb84.py.DISABLED.txt -------------------------------------------------------------------------------- /quantum/not_gate.py.DISABLED.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/quantum/not_gate.py.DISABLED.txt -------------------------------------------------------------------------------- /quantum/q_fourier_transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/quantum/q_fourier_transform.py -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/requirements.txt -------------------------------------------------------------------------------- /scheduling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /scheduling/round_robin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/scheduling/round_robin.py -------------------------------------------------------------------------------- /scheduling/shortest_job_first.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/scheduling/shortest_job_first.py -------------------------------------------------------------------------------- /scripts/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /scripts/build_directory_md.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/scripts/build_directory_md.py -------------------------------------------------------------------------------- /scripts/validate_filenames.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/scripts/validate_filenames.py -------------------------------------------------------------------------------- /scripts/validate_solutions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/scripts/validate_solutions.py -------------------------------------------------------------------------------- /searches/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /searches/binary_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/searches/binary_search.py -------------------------------------------------------------------------------- /searches/double_linear_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/searches/double_linear_search.py -------------------------------------------------------------------------------- /searches/fibonacci_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/searches/fibonacci_search.py -------------------------------------------------------------------------------- /searches/hill_climbing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/searches/hill_climbing.py -------------------------------------------------------------------------------- /searches/interpolation_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/searches/interpolation_search.py -------------------------------------------------------------------------------- /searches/jump_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/searches/jump_search.py -------------------------------------------------------------------------------- /searches/linear_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/searches/linear_search.py -------------------------------------------------------------------------------- /searches/median_of_medians.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/searches/median_of_medians.py -------------------------------------------------------------------------------- /searches/quick_select.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/searches/quick_select.py -------------------------------------------------------------------------------- /searches/simple_binary_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/searches/simple_binary_search.py -------------------------------------------------------------------------------- /searches/simulated_annealing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/searches/simulated_annealing.py -------------------------------------------------------------------------------- /searches/tabu_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/searches/tabu_search.py -------------------------------------------------------------------------------- /searches/tabu_test_data.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/searches/tabu_test_data.txt -------------------------------------------------------------------------------- /searches/ternary_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/searches/ternary_search.py -------------------------------------------------------------------------------- /sorts/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/README.md -------------------------------------------------------------------------------- /sorts/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /sorts/bead_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/bead_sort.py -------------------------------------------------------------------------------- /sorts/binary_insertion_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/binary_insertion_sort.py -------------------------------------------------------------------------------- /sorts/bitonic_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/bitonic_sort.py -------------------------------------------------------------------------------- /sorts/bogo_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/bogo_sort.py -------------------------------------------------------------------------------- /sorts/bubble_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/bubble_sort.py -------------------------------------------------------------------------------- /sorts/bucket_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/bucket_sort.py -------------------------------------------------------------------------------- /sorts/circle_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/circle_sort.py -------------------------------------------------------------------------------- /sorts/cocktail_shaker_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/cocktail_shaker_sort.py -------------------------------------------------------------------------------- /sorts/comb_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/comb_sort.py -------------------------------------------------------------------------------- /sorts/counting_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/counting_sort.py -------------------------------------------------------------------------------- /sorts/cycle_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/cycle_sort.py -------------------------------------------------------------------------------- /sorts/double_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/double_sort.py -------------------------------------------------------------------------------- /sorts/exchange_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/exchange_sort.py -------------------------------------------------------------------------------- /sorts/external_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/external_sort.py -------------------------------------------------------------------------------- /sorts/gnome_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/gnome_sort.py -------------------------------------------------------------------------------- /sorts/heap_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/heap_sort.py -------------------------------------------------------------------------------- /sorts/insertion_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/insertion_sort.py -------------------------------------------------------------------------------- /sorts/intro_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/intro_sort.py -------------------------------------------------------------------------------- /sorts/iterative_merge_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/iterative_merge_sort.py -------------------------------------------------------------------------------- /sorts/merge_insertion_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/merge_insertion_sort.py -------------------------------------------------------------------------------- /sorts/merge_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/merge_sort.py -------------------------------------------------------------------------------- /sorts/msd_radix_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/msd_radix_sort.py -------------------------------------------------------------------------------- /sorts/natural_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/natural_sort.py -------------------------------------------------------------------------------- /sorts/odd_even_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/odd_even_sort.py -------------------------------------------------------------------------------- /sorts/pancake_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/pancake_sort.py -------------------------------------------------------------------------------- /sorts/patience_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/patience_sort.py -------------------------------------------------------------------------------- /sorts/pigeon_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/pigeon_sort.py -------------------------------------------------------------------------------- /sorts/pigeonhole_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/pigeonhole_sort.py -------------------------------------------------------------------------------- /sorts/quick_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/quick_sort.py -------------------------------------------------------------------------------- /sorts/quick_sort_3_partition.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/quick_sort_3_partition.py -------------------------------------------------------------------------------- /sorts/radix_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/radix_sort.py -------------------------------------------------------------------------------- /sorts/recursive_quick_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/recursive_quick_sort.py -------------------------------------------------------------------------------- /sorts/selection_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/selection_sort.py -------------------------------------------------------------------------------- /sorts/shell_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/shell_sort.py -------------------------------------------------------------------------------- /sorts/shrink_shell_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/shrink_shell_sort.py -------------------------------------------------------------------------------- /sorts/slowsort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/slowsort.py -------------------------------------------------------------------------------- /sorts/stooge_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/stooge_sort.py -------------------------------------------------------------------------------- /sorts/strand_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/strand_sort.py -------------------------------------------------------------------------------- /sorts/tim_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/tim_sort.py -------------------------------------------------------------------------------- /sorts/topological_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/topological_sort.py -------------------------------------------------------------------------------- /sorts/tree_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/tree_sort.py -------------------------------------------------------------------------------- /sorts/unknown_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/unknown_sort.py -------------------------------------------------------------------------------- /sorts/wiggle_sort.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/sorts/wiggle_sort.py -------------------------------------------------------------------------------- /strings/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /strings/aho_corasick.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/aho_corasick.py -------------------------------------------------------------------------------- /strings/anagrams.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/anagrams.py -------------------------------------------------------------------------------- /strings/anagrams.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/anagrams.txt -------------------------------------------------------------------------------- /strings/barcode_validator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/barcode_validator.py -------------------------------------------------------------------------------- /strings/bitap_string_match.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/bitap_string_match.py -------------------------------------------------------------------------------- /strings/boyer_moore_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/boyer_moore_search.py -------------------------------------------------------------------------------- /strings/capitalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/capitalize.py -------------------------------------------------------------------------------- /strings/check_anagrams.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/check_anagrams.py -------------------------------------------------------------------------------- /strings/credit_card_validator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/credit_card_validator.py -------------------------------------------------------------------------------- /strings/dictionary.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/dictionary.txt -------------------------------------------------------------------------------- /strings/dna.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/dna.py -------------------------------------------------------------------------------- /strings/edit_distance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/edit_distance.py -------------------------------------------------------------------------------- /strings/frequency_finder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/frequency_finder.py -------------------------------------------------------------------------------- /strings/hamming_distance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/hamming_distance.py -------------------------------------------------------------------------------- /strings/is_isogram.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/is_isogram.py -------------------------------------------------------------------------------- /strings/is_pangram.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/is_pangram.py -------------------------------------------------------------------------------- /strings/is_polish_national_id.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/is_polish_national_id.py -------------------------------------------------------------------------------- /strings/is_spain_national_id.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/is_spain_national_id.py -------------------------------------------------------------------------------- /strings/jaro_winkler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/jaro_winkler.py -------------------------------------------------------------------------------- /strings/join.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/join.py -------------------------------------------------------------------------------- /strings/knuth_morris_pratt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/knuth_morris_pratt.py -------------------------------------------------------------------------------- /strings/levenshtein_distance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/levenshtein_distance.py -------------------------------------------------------------------------------- /strings/lower.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/lower.py -------------------------------------------------------------------------------- /strings/manacher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/manacher.py -------------------------------------------------------------------------------- /strings/naive_string_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/naive_string_search.py -------------------------------------------------------------------------------- /strings/ngram.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/ngram.py -------------------------------------------------------------------------------- /strings/palindrome.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/palindrome.py -------------------------------------------------------------------------------- /strings/pig_latin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/pig_latin.py -------------------------------------------------------------------------------- /strings/prefix_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/prefix_function.py -------------------------------------------------------------------------------- /strings/rabin_karp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/rabin_karp.py -------------------------------------------------------------------------------- /strings/remove_duplicate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/remove_duplicate.py -------------------------------------------------------------------------------- /strings/reverse_letters.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/reverse_letters.py -------------------------------------------------------------------------------- /strings/reverse_words.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/reverse_words.py -------------------------------------------------------------------------------- /strings/split.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/split.py -------------------------------------------------------------------------------- /strings/string_switch_case.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/string_switch_case.py -------------------------------------------------------------------------------- /strings/strip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/strip.py -------------------------------------------------------------------------------- /strings/text_justification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/text_justification.py -------------------------------------------------------------------------------- /strings/title.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/title.py -------------------------------------------------------------------------------- /strings/top_k_frequent_words.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/top_k_frequent_words.py -------------------------------------------------------------------------------- /strings/upper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/upper.py -------------------------------------------------------------------------------- /strings/wave.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/wave.py -------------------------------------------------------------------------------- /strings/word_occurrence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/word_occurrence.py -------------------------------------------------------------------------------- /strings/word_patterns.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/word_patterns.py -------------------------------------------------------------------------------- /strings/words.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/words.txt -------------------------------------------------------------------------------- /strings/z_function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/strings/z_function.py -------------------------------------------------------------------------------- /web_programming/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /web_programming/co2_emission.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/web_programming/co2_emission.py -------------------------------------------------------------------------------- /web_programming/fetch_jobs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/web_programming/fetch_jobs.py -------------------------------------------------------------------------------- /web_programming/fetch_quotes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/web_programming/fetch_quotes.py -------------------------------------------------------------------------------- /web_programming/giphy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/web_programming/giphy.py -------------------------------------------------------------------------------- /web_programming/instagram_pic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/web_programming/instagram_pic.py -------------------------------------------------------------------------------- /web_programming/nasa_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/web_programming/nasa_data.py -------------------------------------------------------------------------------- /web_programming/reddit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/web_programming/reddit.py -------------------------------------------------------------------------------- /web_programming/slack_message.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tanveerpot/Python/HEAD/web_programming/slack_message.py --------------------------------------------------------------------------------