Skip to content

Add Algorithm to Compute Sum of Squares for Binary Sequence Without Three Consecutive Ones #12059

New issue

Have a question about this project? Sign up for a free GitHub account to open an issue and contact its maintainers and the community.

By clicking “Sign up for GitHub”, you agree to our terms of service and privacy statement. We’ll occasionally send you account related emails.

Already on GitHub? Sign in to your account

Closed
Show file tree
Hide file tree
Changes from all commits
Commits
File filter

Filter by extension

Filter by extension

Conversations
Failed to load comments.
Loading
Jump to
Jump to file
Failed to load files.
Loading
Diff view
Diff view
226 changes: 226 additions & 0 deletions genetic_algorithm/genetic_algorithm_optimization.py
Original file line number Diff line number Diff line change
@@ -0,0 +1,226 @@
import random
from collections.abc import Callable, Sequence
from concurrent.futures import ThreadPoolExecutor

import numpy as np

# Parameters
N_POPULATION = 100 # Population size
N_GENERATIONS = 500 # Maximum number of generations
N_SELECTED = 50 # Number of parents selected for the next generation
MUTATION_PROBABILITY = 0.1 # Mutation probability
CROSSOVER_RATE = 0.8 # Probability of crossover
SEARCH_SPACE = (-10, 10) # Search space for the variables

# Random number generator
rng = np.random.default_rng()


class GeneticAlgorithm:
def __init__(
self,
function: Callable[[float, float], float],
bounds: Sequence[tuple[int | float, int | float]],
population_size: int,
generations: int,
mutation_prob: float,
crossover_rate: float,
maximize: bool = True,
) -> None:
self.function = function # Target function to optimize
self.bounds = bounds # Search space bounds (for each variable)
self.population_size = population_size
self.generations = generations
self.mutation_prob = mutation_prob
self.crossover_rate = crossover_rate
self.maximize = maximize
self.dim = len(bounds) # Dimensionality of the function (number of variables)

# Initialize population
self.population = self.initialize_population()

def initialize_population(self) -> list[np.ndarray]:

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

As there is no test file in this pull request nor any test function or class in the file genetic_algorithm/genetic_algorithm_optimization.py, please provide doctest for the function initialize_population

"""Initialize the population with random individuals within the search space."""
return [
rng.uniform(
low=[self.bounds[j][0] for j in range(self.dim)],
high=[self.bounds[j][1] for j in range(self.dim)],
)
for _ in range(self.population_size)
]

def fitness(self, individual: np.ndarray) -> float:

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

As there is no test file in this pull request nor any test function or class in the file genetic_algorithm/genetic_algorithm_optimization.py, please provide doctest for the function fitness

"""Calculate the fitness value (function value) for an individual."""
value = float(self.function(*individual)) # Ensure fitness is a float
return value if self.maximize else -value # If minimizing, invert the fitness

def select_parents(

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

As there is no test file in this pull request nor any test function or class in the file genetic_algorithm/genetic_algorithm_optimization.py, please provide doctest for the function select_parents

self, population_score: list[tuple[np.ndarray, float]]
) -> list[np.ndarray]:
"""Select top N_SELECTED parents based on fitness."""
population_score.sort(key=lambda score_tuple: score_tuple[1], reverse=True)
selected_count = min(N_SELECTED, len(population_score))
return [ind for ind, _ in population_score[:selected_count]]

def crossover(
self, parent1: np.ndarray, parent2: np.ndarray
) -> tuple[np.ndarray, np.ndarray]:
"""
Perform uniform crossover between two parents to generate offspring.

Args:
parent1 (np.ndarray): The first parent.
parent2 (np.ndarray): The second parent.

Returns:
tuple[np.ndarray, np.ndarray]: The two offspring generated by crossover.

Example:
>>> ga = GeneticAlgorithm(
... lambda x, y: -(x**2 + y**2),
... [(-10, 10), (-10, 10)],
... 10, 100, 0.1, 0.8, True
... )
>>> parent1, parent2 = np.array([1, 2]), np.array([3, 4])
>>> len(ga.crossover(parent1, parent2)) == 2
True
"""
if random.random() < self.crossover_rate:
cross_point = random.randint(1, self.dim - 1)
child1 = np.concatenate((parent1[:cross_point], parent2[cross_point:]))
child2 = np.concatenate((parent2[:cross_point], parent1[cross_point:]))
return child1, child2
return parent1, parent2

def mutate(self, individual: np.ndarray) -> np.ndarray:
"""
Apply mutation to an individual.

Args:
individual (np.ndarray): The individual to mutate.

Returns:
np.ndarray: The mutated individual.

Example:
>>> ga = GeneticAlgorithm(
... lambda x, y: -(x**2 + y**2),
... [(-10, 10), (-10, 10)],
... 10, 100, 0.1, 0.8, True
... )
>>> ind = np.array([1.0, 2.0])
>>> mutated = ga.mutate(ind)
>>> len(mutated) == 2 # Ensure it still has the correct number of dimensions
True
"""
for i in range(self.dim):
if random.random() < self.mutation_prob:
individual[i] = rng.uniform(self.bounds[i][0], self.bounds[i][1])
return individual

def evaluate_population(self) -> list[tuple[np.ndarray, float]]:
"""
Evaluate the fitness of the entire population in parallel.

Returns:
list[tuple[np.ndarray, float]]:
The population with their respective fitness values.

Example:
>>> ga = GeneticAlgorithm(
... lambda x, y: -(x**2 + y**2),
... [(-10, 10), (-10, 10)],
... 10, 100, 0.1, 0.8, True
... )
>>> eval_population = ga.evaluate_population()
>>> len(eval_population) == ga.population_size # Ensure population size
True
>>> all(
... isinstance(ind, tuple) and isinstance(ind[1], float)
... for ind in eval_population
... )
True
"""
with ThreadPoolExecutor() as executor:
return list(
executor.map(
lambda individual: (individual, self.fitness(individual)),
self.population,
)
)

def evolve(self, verbose=True) -> np.ndarray:

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

As there is no test file in this pull request nor any test function or class in the file genetic_algorithm/genetic_algorithm_optimization.py, please provide doctest for the function evolve

Please provide type hint for the parameter: verbose

"""
Evolve the population over the generations to find the best solution.

Returns:
np.ndarray: The best individual found during the evolution process.
"""
for generation in range(self.generations):
# Evaluate population fitness (multithreaded)
population_score = self.evaluate_population()

# Check the best individual
best_individual = max(
population_score, key=lambda score_tuple: score_tuple[1]
)[0]
best_fitness = self.fitness(best_individual)

# Select parents for next generation
parents = self.select_parents(population_score)
next_generation = []

# Generate offspring using crossover and mutation
for i in range(0, len(parents), 2):
parent1, parent2 = parents[i], parents[(i + 1) % len(parents)]
child1, child2 = self.crossover(parent1, parent2)
next_generation.append(self.mutate(child1))
next_generation.append(self.mutate(child2))

# Ensure population size remains the same
self.population = next_generation[: self.population_size]

if verbose and generation % 10 == 0:
print(f"Generation {generation}: Best Fitness = {best_fitness}")

return best_individual


# Example target function for optimization
def target_function(var_x: float, var_y: float) -> float:
"""
Example target function (parabola) for optimization.

Args:
var_x (float): The x-coordinate.
var_y (float): The y-coordinate.

Returns:
float: The value of the function at (var_x, var_y).

Example:
>>> target_function(0, 0)
0
>>> target_function(1, 1)
2
"""
return var_x**2 + var_y**2 # Simple parabolic surface (minimization)


# Set bounds for the variables (var_x, var_y)
bounds = [(-10, 10), (-10, 10)] # Both var_x and var_y range from -10 to 10

# Instantiate and run the genetic algorithm
ga = GeneticAlgorithm(
function=target_function,
bounds=bounds,
population_size=N_POPULATION,
generations=N_GENERATIONS,
mutation_prob=MUTATION_PROBABILITY,
crossover_rate=CROSSOVER_RATE,
maximize=False, # Minimize the function
)

best_solution = ga.evolve()
print(f"Best solution found: {best_solution}")
print(f"Best fitness (minimum value of function): {target_function(*best_solution)}")
Empty file.
108 changes: 108 additions & 0 deletions project_euler/problem_912/sol1.py
Original file line number Diff line number Diff line change
@@ -0,0 +1,108 @@
"""
Project Euler Problem 912: https://projecteuler.net/problem=912

Problem:
Sum of squares of odd indices where the n-th positive integer does not contain
three consecutive ones in its binary representation.

We define `s_n` as the n-th positive integer that does not contain three
consecutive ones in its binary representation. Define `F(N)` to be the sum of
`n^2` for all `n ≤ N` where `s_n` is odd.

You are given:
F(10) = 199

Find F(10^16) modulo 10^9 + 7.
"""

MOD = 10**9 + 7


def matrix_mult(a, b, mod=MOD):

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

As there is no test file in this pull request nor any test function or class in the file project_euler/problem_912/sol1.py, please provide doctest for the function matrix_mult

Please provide return type hint for the function: matrix_mult. If the function does not return a value, please provide the type hint as: def function() -> None:

Please provide descriptive name for the parameter: a

Please provide type hint for the parameter: a

Please provide descriptive name for the parameter: b

Please provide type hint for the parameter: b

Please provide type hint for the parameter: mod

"""Multiplies two matrices a and b under modulo"""
return [
[
(a[0][0] * b[0][0] + a[0][1] * b[1][0]) % mod,
(a[0][0] * b[0][1] + a[0][1] * b[1][1]) % mod,
],
[
(a[1][0] * b[0][0] + a[1][1] * b[1][0]) % mod,
(a[1][0] * b[0][1] + a[1][1] * b[1][1]) % mod,
],
]


def matrix_pow(mat, exp, mod=MOD):

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

As there is no test file in this pull request nor any test function or class in the file project_euler/problem_912/sol1.py, please provide doctest for the function matrix_pow

Please provide return type hint for the function: matrix_pow. If the function does not return a value, please provide the type hint as: def function() -> None:

Please provide type hint for the parameter: mat

Please provide type hint for the parameter: exp

Please provide type hint for the parameter: mod

"""Efficiently computes matrix to the power exp under modulo"""
res = [[1, 0], [0, 1]]
base = mat

while exp > 0:
if exp % 2 == 1:
res = matrix_mult(res, base, mod)
base = matrix_mult(base, base, mod)
exp //= 2

return res


def fib_like_sequence(n, mod=MOD):

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

As there is no test file in this pull request nor any test function or class in the file project_euler/problem_912/sol1.py, please provide doctest for the function fib_like_sequence

Please provide return type hint for the function: fib_like_sequence. If the function does not return a value, please provide the type hint as: def function() -> None:

Please provide descriptive name for the parameter: n

Please provide type hint for the parameter: n

Please provide type hint for the parameter: mod

"""
Computes the n-th term in the Fibonacci-like sequence of numbers whose binary
representation does not contain three consecutive 1s.

This sequence follows the recurrence relation:
a_n = a_(n-1) + a_(n-2) + a_(n-3)

Returns the sequence value modulo `mod`.
"""

if n == 0:
return 0
if n in (1, 2): # Merge comparisons
return 1

# The recurrence relation can be represented using matrix exponentiation:
t = [[1, 1], [1, 0]] # Fibonacci-like transformation matrix
result = matrix_pow(t, n - 1, mod)

return result[0][0] # This gives the n-th Fibonacci-like term


def calculate_sum_of_squares(limit):

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

As there is no test file in this pull request nor any test function or class in the file project_euler/problem_912/sol1.py, please provide doctest for the function calculate_sum_of_squares

Please provide return type hint for the function: calculate_sum_of_squares. If the function does not return a value, please provide the type hint as: def function() -> None:

Please provide type hint for the parameter: limit

"""
Computes F(limit) which is the sum of squares of indices where s_n is odd.

Arguments:
- limit: up to which value of n we compute F(N)

Returns:
- the sum F(limit) modulo 10^9 + 7
"""

total_sum = 0

for n in range(1, limit + 1):
s_n = fib_like_sequence(n) # Get the n-th sequence number

if s_n % 2 == 1: # Check if s_n is odd
total_sum = (total_sum + n**2) % MOD # Add square of n to total sum

return total_sum


def solution(limit=10**16):

Choose a reason for hiding this comment

The reason will be displayed to describe this comment to others. Learn more.

As there is no test file in this pull request nor any test function or class in the file project_euler/problem_912/sol1.py, please provide doctest for the function solution

Please provide return type hint for the function: solution. If the function does not return a value, please provide the type hint as: def function() -> None:

Please provide type hint for the parameter: limit

"""
The solution to compute F(limit) efficiently.
This function returns F(10^16) modulo 10^9 + 7.
"""

return calculate_sum_of_squares(limit)


if __name__ == "__main__":
# We are given F(10) = 199, so let's test for N = 10 first.
assert solution(10) == 199

# Now find F(10^16)
print(f"The result is: {solution(10**16)}")
Loading