diff --git a/_modules/index.html b/_modules/index.html index f0aee89..30f2066 100644 --- a/_modules/index.html +++ b/_modules/index.html @@ -77,6 +77,7 @@

All modules for which code is available

  • pycellga.example.example_mcccga
  • pycellga.example.example_sync_cga
  • pycellga.grid
  • +
  • pycellga.individual
  • pycellga.mutation.bit_flip_mutation
  • pycellga.mutation.byte_mutation
  • pycellga.mutation.byte_mutation_random
  • @@ -92,6 +93,8 @@

    All modules for which code is available

  • pycellga.neighborhoods.compact_9
  • pycellga.neighborhoods.linear_5
  • pycellga.neighborhoods.linear_9
  • +
  • pycellga.optimizer
  • +
  • pycellga.population
  • pycellga.problems.abstract_problem
  • pycellga.problems.single_objective.continuous.ackley
  • pycellga.problems.single_objective.continuous.bentcigar
  • diff --git a/_modules/pycellga/individual.html b/_modules/pycellga/individual.html new file mode 100644 index 0000000..75ac8b4 --- /dev/null +++ b/_modules/pycellga/individual.html @@ -0,0 +1,305 @@ + + + + + + pycellga.individual — PYCELLGA Documentation 1.0.0 documentation + + + + + + + + + + + + + + + + + +
    + + +
    + +
    +
    +
    + +
    +
    +
    +
    + +

    Source code for pycellga.individual

    +from enum import Enum 
    +from numpy import random
    +import numpy as np
    +import random as rd
    +from problems.abstract_problem import AbstractProblem
    +
    +
    +
    +[docs] +class GeneType(Enum): + """ + GeneType is an enumeration class that represents the type of genome representation for an individual in an evolutionary algorithm. + The three types of genome representation are BINARY, PERMUTATION, and REAL. + """ + BINARY = 1 + PERMUTATION = 2 + REAL = 3
    + + + + +
    +[docs] +class Individual: + """ + A class to represent an individual in an evolutionary algorithm. + + Attributes + ---------- + chromosome : list + The chromosome representing the individual. + fitness_value : float + The fitness value of the individual. + position : tuple + The position of the individual, represented as a tuple (x, y). + neighbors_positions : list or None + The positions of the individual's neighbors. + neighbors : list or None + The list of neighbors for the individual. + gen_type : GeneType + The enum type of genome representation (GeneType.BINARY, GeneType.PERMUTATION, GeneType.REAL). + ch_size : int + The size of the chromosome. + """ + +
    +[docs] + def __init__(self, + gen_type: GeneType = GeneType.BINARY, + ch_size: int = 0, + mins : list[float] = [], + maxs : list[float] = []): + """ + Initialize an Individual with a specific genome type and chromosome size. + + Parameters + ---------- + gen_type : str, optional + The type of genome representation. Must be one of GeneType.BINARY, GeneType.PERMUTATION, or GeneType.REAL. (default is GeneType.BINARY) + ch_size : int + The size of the chromosome. + mins: list[float] + The minimum values for each gene in the chromosome. + maxs: list[float] + The maximum values for each gene in the chromosome. + + Description: + ------------ + The Individual class represents an individual in an evolutionary algorithm. + If the genome type is BINARY, the chromosome is a list of 0s and 1s. + If the genome type is PERMUTATION, the chromosome is a list of integers representing a permutation. + In both the binary and permutation cases, ch_size is enought to represent the chromosome. + If the genome type is REAL, the chromosome is a list of real numbers. + In this case, the mins and maxs lists are used to define the range of each gene in the chromosome. + """ + self.gen_type = gen_type + self.ch_size = ch_size + self.chromosome = [] + self.fitness_value = 0 + self.position = (0, 0) + self.neighbors_positions = None + self.neighbors = None + self.mins = mins + self.maxs = maxs
    + + + +
    +[docs] + def randomize(self): + """ + Randomly initialize the chromosome based on the genome type. + + Returns + ------- + list + The randomly generated chromosome. + + Raises + ------ + NotImplementedError + If the genome type is not implemented. + """ + + if self.gen_type == GeneType.BINARY: + self.chromosome = [random.randint(2) for i in range(self.ch_size)] + + elif self.gen_type == GeneType.PERMUTATION: + # Generate a random permutation of the numbers 1 to ch_size. + # by default random.permutation emits numbers from 0 to ch_size-1 + # so we add 1 to each number to get the desired range. + self.chromosome = list(np.random.permutation(self.ch_size) + 1) + + elif self.gen_type == GeneType.REAL: + if len(self.mins) > 0: + assert len(self.mins) == len(self.maxs) == self.ch_size + self.chromosome = [rd.uniform(self.mins[i], self.maxs[i]) for i in range(self.ch_size)] + else: + self.chromosome = [rd.uniform(-1.0, 0.1) for i in range(self.ch_size)] + + else: + raise NotImplementedError(self.gen_type + " not implemented yet.") + return self.chromosome
    + + + +
    +[docs] + def generate_candidate(self, probvector: list) -> list: + """ + Generate a candidate chromosome based on the given probability vector. + + Parameters + ---------- + vector : list of float + The probability vector used to generate the candidate chromosome. + + Returns + ------- + list + The generated candidate chromosome as a list of 0s and 1s. + """ + ind = [1 if random.rand() < p else 0 for p in probvector] + return ind
    + + +
    +[docs] + def getneighbors_positions(self) -> list: + """ + Get the positions of the individual's neighbors. + + Returns + ------- + list or None + The positions of the individual's neighbors. + """ + return self.neighbors_positions
    + + +
    +[docs] + def setneighbors_positions(self, positions: list) -> None: + """ + Set the positions of the individual's neighbors. + + Parameters + ---------- + positions : list + The positions to set for the individual's neighbors. + """ + self.neighbors_positions = positions
    + + +
    +[docs] + def getneighbors(self) -> list: + """ + Get the list of neighbors for the individual. + + Returns + ------- + list or None + The list of neighbors for the individual. + """ + return self.neighbors
    + + +
    +[docs] + def setneighbors(self, neighbors: list) -> None: + """ + Set the list of neighbors for the individual. + + Parameters + ---------- + neighbors : list + The list of neighbors to set for the individual. + """ + self.neighbors = list(neighbors)
    +
    + +
    + +
    +
    + +
    +
    +
    +
    + + + + \ No newline at end of file diff --git a/_modules/pycellga/optimizer.html b/_modules/pycellga/optimizer.html new file mode 100644 index 0000000..b77ec1d --- /dev/null +++ b/_modules/pycellga/optimizer.html @@ -0,0 +1,1004 @@ + + + + + + pycellga.optimizer — PYCELLGA Documentation 1.0.0 documentation + + + + + + + + + + + + + + + + + +
    + + +
    + +
    +
    +
    + +
    +
    +
    +
    + +

    Source code for pycellga.optimizer

    +# ------ Optimizer for cga, sync_ga, alpha_cga, ccga and mcccga methods ------ #
    +
    +
    +# ------------------------------ selection --------------------------------- #
    +from selection.roulette_wheel_selection import RouletteWheelSelection
    +from selection.tournament_selection import TournamentSelection
    +from selection.selection_operator import SelectionOperator
    +# -------------------------------------------------------------------------- #
    +
    +# ------------------------------ recombination ----------------------------- #
    +from recombination.one_point_crossover import OnePointCrossover
    +from recombination.pmx_crossover import PMXCrossover
    +from recombination.two_point_crossover import TwoPointCrossover
    +from recombination.uniform_crossover import UniformCrossover
    +from recombination.byte_uniform_crossover import ByteUniformCrossover
    +from recombination.byte_one_point_crossover import ByteOnePointCrossover
    +from recombination.byte_one_point_crossover import ByteOnePointCrossover
    +from recombination.flat_crossover import FlatCrossover
    +from recombination.arithmetic_crossover import ArithmeticCrossover
    +from recombination.blxalpha_crossover import BlxalphaCrossover
    +from recombination.linear_crossover import LinearCrossover
    +from recombination.unfair_avarage_crossover import UnfairAvarageCrossover
    +from recombination.recombination_operator import RecombinationOperator
    +# -------------------------------------------------------------------------- #
    +
    +# -------------------------------- mutation -------------------------------- #
    +from mutation.bit_flip_mutation import BitFlipMutation
    +from mutation.byte_mutation import ByteMutation
    +from mutation.byte_mutation_random import ByteMutationRandom
    +from mutation.insertion_mutation import InsertionMutation
    +from mutation.shuffle_mutation import ShuffleMutation
    +from mutation.swap_mutation import SwapMutation
    +from mutation.two_opt_mutation import TwoOptMutation
    +from mutation.float_uniform_mutation import FloatUniformMutation
    +from mutation.mutation_operator import MutationOperator
    +# -------------------------------------------------------------------------- #
    +
    +
    +import random
    +import numpy as np
    +import byte_operators
    +from population import *
    +from individual import *
    +from mutation.bit_flip_mutation import *
    +from selection.tournament_selection import *
    +from recombination.one_point_crossover import *
    +from problems.single_objective.discrete.binary.one_max import *
    +
    +from typing import Callable, List, Tuple
    +from collections.abc import Callable
    +
    +
    +
    +
    +[docs] +def cga( + n_cols: int, + n_rows: int, + n_gen: int, + ch_size: int, + gen_type: str, + p_crossover: float, + p_mutation: float, + problem: AbstractProblem, + selection: SelectionOperator, + recombination: RecombinationOperator, + mutation: MutationOperator, + mins : list[float] = [], + maxs : list[float] = [] +) -> List: + """ + Optimize the given problem using a genetic algorithm. + + Parameters + ---------- + n_cols : int + Number of columns in the population grid. + n_rows : int + Number of rows in the population grid. + n_gen : int + Number of generations to evolve. + ch_size : int + Size of the chromosome. + gen_type : str + Type of the genome representation (e.g., 'Binary', 'Permutation', 'Real'). + p_crossover : float + Probability of crossover (between 0 and 1). + p_mutation : float + Probability of mutation (between 0 and 1). + known_best : float + Known best solution for gap calculation. + k_tournament : int + Size of the tournament for selection. + problem : AbstractProblem + The problem instance used for fitness evaluation. + selection : SelectionOperator + Function or class used for selecting parents. + recombination : RecombinationOperator + Function or class used for recombination (crossover). + mutation : MutationOperator + Function or class used for mutation. + mins : list[float] + List of minimum values for each gene in the chromosome (for real value optimization). + maxs : list[float] + List of maximum values for each gene in the chromosome (for real value optimization). + + Returns + ------- + List + A list containing the best solution found during the optimization process, + where the first element is the chromosome, the second is the fitness value, + and the third is the generation at which it was found. + """ + + pop_size = n_cols * n_rows + best_solutions = [] + best_objectives = [] + best_ever_solution = [] + avg_objectives = [] + method_name = OptimizationMethod.CGA + + # Generate Initial Population + pop_list = Population(method_name, ch_size, n_rows, n_cols, + gen_type, problem, mins=mins, maxs=maxs).initial_population() + + pop_list_ordered = sorted( + pop_list, key=lambda x: x.fitness_value) + + best_solutions.append(pop_list_ordered[0].chromosome) + best_objectives.append(pop_list_ordered[0].fitness_value) + best_ever_solution = [ + pop_list_ordered[0].chromosome, + pop_list_ordered[0].fitness_value, + 0, + ] + + mean = sum(map(lambda x: x.fitness_value, pop_list)) / len(pop_list) + avg_objectives.append(mean) + + # Evolutionary Algorithm Loop + generation = 1 + while generation != n_gen + 1: + for c in range(pop_size): + offsprings = [] + parents = selection(pop_list, c).get_parents() + rnd = np.random.rand() + + if rnd < p_crossover: + offsprings = recombination( + parents, problem).get_recombinations() + else: + offsprings = parents + + for p in range(len(offsprings)): + + mutation_cand = offsprings[p] + + # for byte_mutation_dynamic and byte_mutation_random_dynamic + # p_mutation = p_mutation - ((g/n_gen)*p_mutation) + + rnd = np.random.rand() + + if rnd < p_mutation: + mutated = mutation(mutation_cand, problem).mutate() + offsprings[p] = mutated + else: + pass + + # Replacement: Replace if better + if offsprings[p].fitness_value < parents[p].fitness_value: + index = pop_list.index(parents[p]) + new_p = offsprings[p] + old_p = pop_list[index] + pop_list[index] = new_p + + else: + pass + pop_list_ordered = sorted( + pop_list, key=lambda x: x.fitness_value) + + best_solutions.append(pop_list_ordered[0].chromosome) + best_objectives.append(pop_list_ordered[0].fitness_value) + + if (pop_list_ordered[0].fitness_value) < best_ever_solution[1]: + best_ever_solution = [ + pop_list_ordered[0].chromosome, + pop_list_ordered[0].fitness_value, + generation, + ] + else: + pass + + mean = sum(map(lambda x: x.fitness_value, pop_list)) / len(pop_list) + avg_objectives.append(mean) + + generation += 1 + + return best_ever_solution
    + + +
    +[docs] +def sync_cga( + n_cols: int, + n_rows: int, + n_gen: int, + ch_size: int, + gen_type: str, + p_crossover: float, + p_mutation: float, + problem: Callable[[List[float]], float], + selection: SelectionOperator, + recombination: RecombinationOperator, + mutation: MutationOperator, + mins: List[float] = [], + maxs: List[float] = [] +) -> List: + """ + Optimize the given problem using a synchronous cellular genetic algorithm (Sync-CGA). + + Parameters + ---------- + n_cols : int + Number of columns in the population grid. + n_rows : int + Number of rows in the population grid. + n_gen : int + Number of generations to evolve. + ch_size : int + Size of the chromosome. + gen_type : str + Type of the genome representation (e.g., 'Binary', 'Permutation', 'Real'). + p_crossover : float + Probability of crossover between parents. + p_mutation : float + Probability of mutation in offspring. + problem : Callable[[List[float]], float] + Function to evaluate the fitness of a solution. Takes a list of floats and returns a float. + selection : SelectionOperator + Function or class used for selecting parents. + recombination : RecombinationOperator + Function or class used for recombination (crossover). + mutation : MutationOperator + Function or class used for mutation. + mins : List[float] + List of minimum values for each gene in the chromosome (for real value optimization). + maxs : List[float] + List of maximum values for each gene in the chromosome (for real value optimization + + Returns + ------- + List + A list containing the best solution found during the optimization process, + where the first element is the chromosome, the second is the fitness value, + and the third is the generation at which it was found. + """ + + pop_size = n_cols * n_rows + best_solutions = [] + best_objectives = [] + best_ever_solution = [] + avg_objectives = [] + method_name = OptimizationMethod.SYNCGA + + + # Generate Initial Population + pop_list = Population(method_name, ch_size, n_rows, n_cols, + gen_type, problem, mins = mins, maxs=maxs).initial_population() + + # Sort population by fitness value + pop_list_ordered = sorted( + pop_list, key=lambda x: x.fitness_value) + + # Track the best solution in the initial population + best_solutions.append(pop_list_ordered[0].chromosome) + best_objectives.append(pop_list_ordered[0].fitness_value) + best_ever_solution = [ + pop_list_ordered[0].chromosome, + pop_list_ordered[0].fitness_value, + 0, + ] + + # Calculate the mean fitness for the initial population + mean = sum(map(lambda x: x.fitness_value, pop_list)) / len(pop_list) + avg_objectives.append(mean) + + # Evolutionary Algorithm Loop + generation = 1 + aux_poplist = [] + + while generation != n_gen + 1: + aux_poplist = pop_list.copy() # Create a copy of the population for synchronous update + + for c in range(pop_size): + offsprings = [] + # Select parents + parents = selection(pop_list, c).get_parents() + rnd = np.random.rand() + + # Apply crossover with probability p_crossover + if rnd < p_crossover: + offsprings = recombination(parents, problem).get_recombinations() + else: + offsprings = parents + + for p in range(len(offsprings)): + mutation_cand = offsprings[p] + rnd = np.random.rand() + + # Apply mutation with probability p_mutation + if rnd < p_mutation: + mutated = mutation(mutation_cand, problem).mutate() + offsprings[p] = mutated + + # Replacement: Replace if offspring is better + if offsprings[p].fitness_value < parents[p].fitness_value: + index = pop_list.index(parents[p]) + aux_poplist[index] = offsprings[p] + + # Update population synchronously + pop_list = aux_poplist + pop_list_ordered = sorted(pop_list, key=lambda x: x.fitness_value) + + # Track best solutions + best_solutions.append(pop_list_ordered[0].chromosome) + best_objectives.append(pop_list_ordered[0].fitness_value) + + # Update best ever solution if the current solution is better + if pop_list_ordered[0].fitness_value < best_ever_solution[1]: + best_ever_solution = [ + pop_list_ordered[0].chromosome, + pop_list_ordered[0].fitness_value, + generation, + ] + + # Calculate the mean fitness for the current generation + mean = sum(map(lambda x: x.fitness_value, pop_list)) / len(pop_list) + avg_objectives.append(mean) + + generation += 1 + + return best_ever_solution
    + + +
    +[docs] +def alpha_cga( + n_cols: int, + n_rows: int, + n_gen: int, + ch_size: int, + gen_type: str, + p_crossover: float, + p_mutation: float, + problem: AbstractProblem, + selection: SelectionOperator, + recombination: RecombinationOperator, + mutation: MutationOperator, + mins: List[float] = [], + maxs: List[float] = [] +) -> List: + """ + Optimize a problem using an evolutionary algorithm with an alpha-male exchange mechanism. + + Parameters + ---------- + n_cols : int + Number of columns in the grid for the population. + n_rows : int + Number of rows in the grid for the population. + n_gen : int + Number of generations to run the optimization. + ch_size : int + Size of the chromosome. + gen_type : GeneType + Type of genome representation (GeneType.BINARY, GeneType.PERMUTATION, or GeneType.REAL). + p_crossover : float + Probability of crossover, should be between 0 and 1. + p_mutation : float + Probability of mutation, should be between 0 and 1. + known_best : float + Known best solution value for gap calculation. + k_tournament : int + Tournament size for selection. + problem : AbstractProblem + The problem instance used to evaluate fitness. + selection : SelectionOperator + Function used for selection in the evolutionary algorithm. + recombination : RecombinationOperator + Function used for recombination (crossover) in the evolutionary algorithm. + mutation : MutationOperator + Function used for mutation in the evolutionary algorithm. + mins : List[float] + List of minimum values for each gene in the chromosome (for real value optimization). + maxs : List[float] + List of maximum values for each gene in the chromosome (for real value optimization). + + Returns + ------- + List + A list containing the best solution found during the optimization process, + where the first element is the chromosome, the second is the fitness value, + and the third is the generation at which it was found. + """ + + pop_size = n_cols * n_rows + best_solutions = [] + best_objectives = [] + best_ever_solution = [] + avg_objectives = [] + method_name = OptimizationMethod.ALPHA_CGA + + + # Generate Initial Population + pop_list = Population(method_name, ch_size, n_rows, n_cols, + gen_type, problem, mins=mins, maxs=maxs).initial_population() + + # Sort population by fitness value + pop_list_ordered = sorted( + pop_list, key=lambda x: x.fitness_value) + + # Initialize tracking of best solutions + best_solutions.append(pop_list_ordered[0].chromosome) + best_objectives.append(pop_list_ordered[0].fitness_value) + best_ever_solution = [ + pop_list_ordered[0].chromosome, + pop_list_ordered[0].fitness_value, + 0, + ] + + # Calculate mean fitness for the initial population + mean = sum(map(lambda x: x.fitness_value, pop_list)) / len(pop_list) + avg_objectives.append(mean) + + # Optimization loop + generation = 1 + + while generation != n_gen + 1: + for c in range(0, pop_size, n_cols): + # Alpha-male exchange mechanism + if generation % 10 == 0: + rnd1 = rd.randrange(1, pop_size + 1, n_cols) + rnd2 = rd.randrange(1, pop_size + 1, n_cols) + while rnd1 == rnd2: + rnd2 = np.random.randint(1, n_cols + 1) + + alpha_male1 = pop_list[rnd1] + alpha_male2 = pop_list[rnd2] + + pop_list[rnd2] = alpha_male1 + pop_list[rnd1] = alpha_male2 + + for n in range(n_cols): + offsprings = [] + parents = [] + + p1 = pop_list[c] + p2 = pop_list[c + n] + parents.append(p1) + parents.append(p2) + + rnd = np.random.rand() + + # Apply crossover with probability p_crossover + if rnd < p_crossover: + offsprings = recombination( + parents, problem).get_recombinations() + else: + offsprings = parents + + for p in range(len(offsprings)): + + mutation_cand = offsprings[p] + rnd = np.random.rand() + + # Apply mutation with probability p_mutation + if rnd < p_mutation: + mutated = mutation(mutation_cand, problem).mutate() + offsprings[p] = mutated + + # Replacement: Replace if offspring is better + if offsprings[p].fitness_value < parents[1].fitness_value: + try: + index = pop_list.index(parents[1]) + except ValueError: + continue + new_p = offsprings[p] + pop_list[index] = new_p + + # Sort population and update best solutions + pop_list_ordered = sorted( + pop_list, key=lambda x: x.fitness_value) + + best_solutions.append(pop_list_ordered[0].chromosome) + best_objectives.append(pop_list_ordered[0].fitness_value) + + # Update best ever solution if current solution is better + if pop_list_ordered[0].fitness_value < best_ever_solution[1]: + best_ever_solution = [ + pop_list_ordered[0].chromosome, + pop_list_ordered[0].fitness_value, + generation, + ] + + # Update average objectives + mean = sum(map(lambda x: x.fitness_value, pop_list)) / len(pop_list) + avg_objectives.append(mean) + + generation += 1 + + return best_ever_solution
    + + +
    +[docs] +def ccga( + n_cols: int, + n_rows: int, + n_gen: int, + ch_size: int, + gen_type: str, + problem: AbstractProblem, + selection: SelectionOperator, + mins: List[float] = [], + maxs: List[float] = [] +) -> List: + """ + Perform optimization using a (CCGA). + + Parameters + ---------- + n_cols : int + Number of columns in the grid for the population. + n_rows : int + Number of rows in the grid for the population. + n_gen : int + Number of generations to run the optimization. + ch_size : int + Size of the chromosome. + gen_type : GeneType + Type of genome representation (GeneType.BINARY, Genetype.PERMUTATION, GeneType.REAL). + problem : AbstractProblem + The problem instance used to evaluate fitness. + selection : SelectionOperator + Function used for selection in the evolutionary algorithm. + mins : List[float] + List of minimum values for each gene in the chromosome (for real value optimization). + maxs : List[float] + List of maximum values for each gene in the chromosome (for real value optimization + + + Returns + ------- + List + A list containing the best solution found during the optimization process, + where the first element is the chromosome, the second is the fitness value, + and the third is the generation at which it was found. + """ + + pop_size = n_cols * n_rows + best_solutions = [] + best_objectives = [] + best_ever_solution = [] + avg_objectives = [] + vector = [0.5 for _ in range(ch_size)] + method_name = OptimizationMethod.CCGA + + + # Generate Initial Population + pop_list = Population(method_name, ch_size, n_rows, n_cols, + gen_type, problem, vector,mins=mins, maxs=maxs).initial_population() + + # Sort population by fitness value + pop_list_ordered = sorted( + pop_list, key=lambda x: x.fitness_value) + + # Initialize tracking of best solutions + best_solutions.append(pop_list_ordered[0].chromosome) + best_objectives.append(pop_list_ordered[0].fitness_value) + best_ever_solution = [ + pop_list_ordered[0].chromosome, + pop_list_ordered[0].fitness_value, + 0, + ] + + # Calculate mean fitness for the initial population + mean = sum(map(lambda x: x.fitness_value, pop_list)) / len(pop_list) + avg_objectives.append(mean) + best = pop_list_ordered[0] + + # Evolutionary Algorithm Loop + generation = 1 + while generation != n_gen + 1: + for c in range(pop_size): + # Select parents and determine the winner and loser + parents = selection(pop_list, c).get_parents() + p1 = parents[0] + p2 = parents[1] + + winner, loser = compete(p1, p2) + + if winner.fitness_value > best.fitness_value: + best = winner + + # Update the vector based on the winner and loser + update_vector(vector, winner, loser, pop_size) + + # Re-generate the population based on the updated vector + pop_list = Population(method_name, ch_size, n_rows, n_cols, + gen_type, problem, vector).initial_population() + + # Update best ever solution if current solution is better + if best.fitness_value > best_ever_solution[1]: + best_ever_solution = [ + best.chromosome, + best.fitness_value, + generation, + ] + + # Update average objectives + mean = sum(map(lambda x: x.fitness_value, pop_list)) / len(pop_list) + avg_objectives.append(mean) + + generation += 1 + + return best_ever_solution
    + + + +
    +[docs] +def mcccga( + n_cols: int, + n_rows: int, + n_gen: int, + ch_size: int, + gen_type: str, + problem: Callable[[List[float]], float], + selection: SelectionOperator, + mins: list[float], + maxs: list[float] +) -> List: + """ + Optimize the given problem using a multi-population machine-coded compact genetic algorithm (MCCGA). + + Parameters + ---------- + n_cols : int + Number of columns in the population grid. + n_rows : int + Number of rows in the population grid. + n_gen : int + Number of generations to evolve. + ch_size : int + Size of the chromosome. + gen_type : str + Type of the genome representation (e.g., 'Binary', 'Permutation', 'Real'). + problem : Callable[[List[float]], float] + Function to evaluate the fitness of a solution. Takes a list of floats and returns a float. + selection : Callable + Function or class used for selecting parents. + mins : List[float] + List of minimum values for the probability vector generation. + maxs : List[float] + List of maximum values for the probability vector generation. + + Returns + ------- + List + A list containing the best solution found during the optimization process, + where the first element is the chromosome, the second is the fitness value, + and the third is the generation at which it was found. + """ + + pop_size = n_cols * n_rows + best_objectives = [] + best_ever_solution = [] + avg_objectives = [] + method_name = OptimizationMethod.MCCCGA + + # Generate initial probability vector + vector = generate_probability_vector(mins, maxs, pop_size) + + # Generate Initial Population + pop_list = Population(method_name, ch_size, n_rows, n_cols, + gen_type, problem, vector).initial_population() + + # Sort population by fitness value + pop_list_ordered = sorted( + pop_list, key=lambda x: x.fitness_value) + + # Track the best solution in the initial population + best_objectives.append(pop_list_ordered[0].fitness_value) + best_byte_ch = byte_operators.bits_to_floats( + pop_list_ordered[0].chromosome) + best_ever_solution = [ + best_byte_ch, + pop_list_ordered[0].fitness_value, + 1, + ] + + # Calculate the mean fitness for the initial population + mean = sum(map(lambda x: x.fitness_value, pop_list)) / len(pop_list) + avg_objectives.append(mean) + best = pop_list_ordered[0] + + # Evolutionary Algorithm Loop + generation = 1 + while generation != n_gen + 1: + for c in range(pop_size): + + # Select parents from the population + parents = selection(pop_list, c).get_parents() + p1 = parents[0] + p2 = parents[1] + + # Compete parents and identify the winner and loser + winner, loser = compete(p1, p2) + if winner.fitness_value < best.fitness_value: + best = winner + + # Update the probability vector based on the competition result + update_vector(vector, winner, loser, pop_size) + + # Re-generate the population based on the updated vector + pop_list = Population(method_name, ch_size, n_rows, n_cols, + gen_type, problem, vector).initial_population() + + # Track the best fitness value and update the best solution if necessary + best_objectives.append(best.fitness_value) + best_byte_ch = byte_operators.bits_to_floats( + pop_list_ordered[0].chromosome) + + if best.fitness_value < best_ever_solution[1]: + best_ever_solution = [ + best_byte_ch, + best.fitness_value, + generation, + ] + + # Calculate the mean fitness for the current generation + mean = sum(map(lambda x: x.fitness_value, pop_list)) / len(pop_list) + avg_objectives.append(mean) + best_byte_ch = byte_operators.bits_to_floats(best.chromosome) + + generation += 1 + + # Evaluate the final solution sampled from the probability vector + best_byte_ch = byte_operators.bits_to_floats(sample(vector)) + best_byte_result = problem.f(best_byte_ch) + + # Update the best-ever solution if the sampled solution is better + if best_byte_result <= best_ever_solution[1]: + best_ever_solution[0] = best_byte_ch + best_ever_solution[1] = best_byte_result + + return best_ever_solution
    + + + +
    +[docs] +def compete(p1: Individual, p2: Individual) -> Tuple[Individual, Individual]: + """ + Compete between two individuals to determine the better one. + + Parameters + ---------- + p1 : Individual + First individual. + p2 : Individual + Second individual. + + Returns + ------- + Tuple[Individual, Individual] + The better individual and the loser. + """ + if p1.fitness_value < p2.fitness_value: + return p1, p2 + else: + return p2, p1
    + + + +
    +[docs] +def update_vector(vector: List[float], winner: Individual, loser: Individual, pop_size: int): + """ + Update the probability vector based on the winner and loser individuals. + + Parameters + ---------- + vector : List[float] + Probability vector to be updated. + winner : Individual + The winning individual. + loser : Individual + The losing individual. + pop_size : int + Size of the population. + """ + for i in range(len(vector)): + if winner.chromosome[i] != loser.chromosome[i]: + if winner.chromosome[i] == 1: + vector[i] += round((1.0 / float(pop_size)), 3) + else: + vector[i] -= round((1.0 / float(pop_size)), 3)
    + + + +
    +[docs] +def random_vector_between(mins: List[float], maxs: List[float]) -> List[float]: + """ + Generate a random vector of floats between the given minimum and maximum values. + + Parameters + ---------- + mins : List[float] + List of minimum values. + maxs : List[float] + List of maximum values. + + Returns + ------- + List[float] + Randomly generated vector. + """ + n = len(mins) + result = [0.0] * n + + for i in range(n): + result[i] = mins[i] + random.random() * (maxs[i] - mins[i]) + + return result
    + + + +
    +[docs] +def generate_probability_vector(mins: List[float], maxs: List[float], ntries: int) -> List[float]: + """ + Generate a probability vector based on the given minimum and maximum values. + + Parameters + ---------- + mins : List[float] + List of minimum values. + maxs : List[float] + List of maximum values. + ntries : int + Number of trials for generating the probability vector. + + Returns + ------- + List[float] + Probability vector. + """ + nbits = len(mins) * 32 + mutrate = 1.0 / ntries + probvector = [0.0] * nbits + + for _ in range(ntries): + floats = random_vector_between(mins, maxs) + floatbits = byte_operators.floats_to_bits(floats) + for k in range(nbits): + if floatbits[k] == 1: + probvector[k] = probvector[k] + mutrate + + return probvector
    + + +
    +[docs] +def sample(probvector: List[float]) -> List[int]: + """ + Sample a vector based on the provided probability vector. + + Parameters + ---------- + probvector : List[float] + Probability vector for sampling. + + Returns + ------- + List[int] + Sampled binary vector. + """ + n = len(probvector) + newvector = [0] * n + + for i in range(n): + if random.random() < probvector[i]: + newvector[i] = 1 + + return newvector
    + + + + +
    + +
    +
    + +
    +
    +
    +
    + + + + \ No newline at end of file diff --git a/_modules/pycellga/population.html b/_modules/pycellga/population.html new file mode 100644 index 0000000..32fd77a --- /dev/null +++ b/_modules/pycellga/population.html @@ -0,0 +1,240 @@ + + + + + + pycellga.population — PYCELLGA Documentation 1.0.0 documentation + + + + + + + + + + + + + + + + + +
    + + +
    + +
    +
    +
    + +
    +
    +
    +
    + +

    Source code for pycellga.population

    +from typing import List
    +from individual import *
    +from grid import *
    +from neighborhoods.linear_9 import Linear9
    +from byte_operators import *
    +from problems.abstract_problem import AbstractProblem
    +from enum import Enum 
    +
    +
    +
    +[docs] +class OptimizationMethod(Enum): + """ + OptimizationMethod is an enumeration class that represents the optimization methods used in an evolutionary algorithm. + The five optimization methods are CGA, SYNCGA, ALPHA_CGA, CCGA, and MCCCGA. + "cga", "sync_cga", "alpha_cga", "ccga", "mcccga" + """ + CGA = 1 + SYNCGA = 2 + ALPHA_CGA = 3 + CCGA = 4 + MCCCGA = 5
    + + + +
    +[docs] +class Population: + """ + A class to represent a population in an evolutionary algorithm. + + Attributes + ---------- + method_name : OptimizationMethod + The name of the optimization method. Must be one of OptimizationMethod.CGA, OptimizationMethod.SYNCGA, OptimizationMethod.ALPHA_CGA, OptimizationMethod.CCGA, or OptimizationMethod.MCCCGA. + ch_size : int + The size of the chromosome. + n_rows : int + The number of rows in the grid. + n_cols : int + The number of columns in the grid. + gen_type : str + The type of genome representation (GeneType.BINARY, Genetype.PERMUTATION, GeneType.REAL). + problem : AbstractProblem + The problem instance used to evaluate fitness. + vector : list + A list used to generate candidates for the population (relevant for MCCCGA). + """ +
    +[docs] + def __init__(self, + method_name: OptimizationMethod = OptimizationMethod.CGA, + ch_size: int = 0, + n_rows: int = 0, + n_cols: int = 0, + gen_type: str = "", + problem: AbstractProblem = None, + vector: list = [], + mins : list[float] = [], + maxs : list[float] = []): + """ + Initialize the Population with the specified parameters. + + Parameters + ---------- + method_name : OptimizationMethod. + The name of the optimization method. Must be one of OptimizationMethod.CGA, OptimizationMethod.SYNCGA, OptimizationMethod.ALPHA_CGA, OptimizationMethod.CCGA, or OptimizationMethod.MCCCGA. + Default is OptimizationMethod.CGA. + ch_size : int, optional + The size of the chromosome (default is 0). + n_rows : int, optional + The number of rows in the grid (default is 0). + n_cols : int, optional + The number of columns in the grid (default is 0). + gen_type : str, optional + The type of genome representation (default is an empty string). + problem : AbstractProblem, optional + The problem instance used to evaluate fitness (default is None). + vector : list, optional + A list used to generate candidates (default is an empty list). + mins: list[float] + The minimum values for each gene in the chromosome (for real value optimization). + maxs: list[float] + The maximum values for each gene in the chromosome (for real value optimization). + """ + self.method_name = method_name + self.ch_size = ch_size + self.n_rows = n_rows + self.n_cols = n_cols + self.gen_type = gen_type + self.problem = problem + self.vector = vector + self.mins = mins + self.maxs = maxs
    + + +
    +[docs] + def initial_population(self) -> List[Individual]: + """ + Generate the initial population of individuals. + + Returns + ------- + List[Individual] + A list of initialized `Individual` objects with their respective chromosomes, fitness values, positions, and neighbors. + """ + pop_size = self.n_rows * self.n_cols + pop_list = [] + + grid = Grid(self.n_rows, self.n_cols).make_2d_grid() + + for i in range(pop_size): + ind = Individual(gen_type = self.gen_type, ch_size = self.ch_size, + mins = self.mins, maxs = self.maxs) + + # Initialize chromosome and evaluate fitness for cga, syn_cga and alpha_cga + if self.method_name in [OptimizationMethod.CGA, OptimizationMethod.SYNCGA, OptimizationMethod.ALPHA_CGA, OptimizationMethod.CCGA]: + ind.chromosome = ind.randomize() + ind.fitness_value = self.problem.f(ind.chromosome) + + # Initialize chromosome and evaluate fitness for cga and mcccga + elif self.method_name in [OptimizationMethod.MCCCGA]: + ind.chromosome = ind.generate_candidate(self.vector) + ind_byte_ch = bits_to_floats(ind.chromosome) + ind.fitness_value = self.problem.f(ind_byte_ch) + + ind.position = grid[i] + ind.neighbors_positions = Linear9( + position=ind.position, n_rows=self.n_rows, n_cols=self.n_cols + ).calculate_neighbors_positions() + ind.neighbors = None + pop_list.append(ind) + + return pop_list
    +
    + +
    + +
    +
    + +
    +
    +
    +
    + + + + \ No newline at end of file diff --git a/genindex.html b/genindex.html index 7cd3548..d7d9b7f 100644 --- a/genindex.html +++ b/genindex.html @@ -92,6 +92,7 @@

    Index

    | S | T | U + | V | Z @@ -110,6 +111,8 @@

    _

  • (pycellga.example.example_sync_cga.ExampleProblem method)
  • (pycellga.grid.Grid method) +
  • +
  • (pycellga.individual.Individual method)
  • (pycellga.mutation.bit_flip_mutation.BitFlipMutation method)
  • @@ -138,6 +141,8 @@

    _

  • (pycellga.neighborhoods.linear_5.Linear5 method)
  • (pycellga.neighborhoods.linear_9.Linear9 method) +
  • +
  • (pycellga.population.Population method)
  • (pycellga.recombination.arithmetic_crossover.ArithmeticCrossover method)
  • @@ -195,10 +200,14 @@

    A

      -
    • Ackley (class in pycellga.problems.single_objective.continuous.ackley) +
    • ALPHA_CGA (pycellga.population.OptimizationMethod attribute) +
    • +
    • alpha_cga() (in module pycellga.optimizer)
    • ArithmeticCrossover (class in pycellga.recombination.arithmetic_crossover)
    • @@ -209,6 +218,8 @@

      B

      + -
    • BitFlipMutation (class in pycellga.mutation.bit_flip_mutation) -
    • -
    • bits_to_float() (in module pycellga.byte_operators)
    • +
    • CCGA (pycellga.population.OptimizationMethod attribute) +
    • +
    • ccga() (in module pycellga.optimizer) +
    • +
    • CGA (pycellga.population.OptimizationMethod attribute) +
    • +
    • cga() (in module pycellga.optimizer) +
    • +
    • ch_size (pycellga.individual.Individual attribute) + +
    • +
      -
        +
      • fitness_value (pycellga.individual.Individual attribute) +
      • FlatCrossover (class in pycellga.recombination.flat_crossover)
      • float_to_bits() (in module pycellga.byte_operators) @@ -476,6 +507,18 @@

        F

        G

        + - + + + + + + + + +
      • PMXCrossover (class in pycellga.recombination.pmx_crossover) +
      • +
      • Population (class in pycellga.population) +
      • +
      • position (pycellga.individual.Individual attribute)
      • Pow (class in pycellga.problems.single_objective.continuous.pow) @@ -1052,6 +1137,8 @@

        P

      • Powell (class in pycellga.problems.single_objective.continuous.powell) +
      • +
      • problem (pycellga.population.Population attribute)
      • pycellga @@ -1114,6 +1201,13 @@

        P

      • +
      • + pycellga.individual + +
      • @@ -1233,6 +1327,20 @@

        P

      • +
      • + pycellga.optimizer + +
      • +
      • + pycellga.population + +
      • @@ -1564,6 +1672,8 @@

        P

      • module
      • +
        • pycellga.recombination.linear_crossover @@ -1578,8 +1688,6 @@

          P

        • module
        -
        -
      • pycellga.individual module
      • -
      • pycellga.optimizer module
      • -
      • pycellga.population module
      • +
      • pycellga.individual module +
      • +
      • pycellga.optimizer module +
      • +
      • pycellga.population module +
      • Module contents
      • diff --git a/objects.inv b/objects.inv index b49c443..d6ee4c0 100644 Binary files a/objects.inv and b/objects.inv differ diff --git a/py-modindex.html b/py-modindex.html index 4cae064..6324e32 100644 --- a/py-modindex.html +++ b/py-modindex.html @@ -129,6 +129,11 @@

        Python Module Index

            pycellga.grid
            + pycellga.individual +
            @@ -214,6 +219,16 @@

        Python Module Index

            pycellga.neighborhoods.linear_9
            + pycellga.optimizer +
            + pycellga.population +
            diff --git a/pycellga.example.html b/pycellga.example.html index 198382a..a31ccb5 100644 --- a/pycellga.example.html +++ b/pycellga.example.html @@ -61,9 +61,9 @@
      • Submodules
      • pycellga.byte_operators module
      • pycellga.grid module
      • -
      • pycellga.individual module
      • -
      • pycellga.optimizer module
      • -
      • pycellga.population module
      • +
      • pycellga.individual module
      • +
      • pycellga.optimizer module
      • +
      • pycellga.population module
      • Module contents
      • diff --git a/pycellga.html b/pycellga.html index 1f7d3d6..dea4b92 100644 --- a/pycellga.html +++ b/pycellga.html @@ -70,9 +70,29 @@
      • Grid
      • -
      • pycellga.individual module
      • -
      • pycellga.optimizer module
      • -
      • pycellga.population module
      • +
      • pycellga.individual module +
      • +
      • pycellga.optimizer module +
      • +
      • pycellga.population module +
      • Module contents
      • @@ -1033,14 +1053,643 @@

        Submodules -

        pycellga.individual module

        +
        +

        pycellga.individual module

        +
        +
        +class pycellga.individual.GeneType(value, names=<not given>, *values, module=None, qualname=None, type=None, start=1, boundary=None)[source]
        +

        Bases: Enum

        +

        GeneType is an enumeration class that represents the type of genome representation for an individual in an evolutionary algorithm. +The three types of genome representation are BINARY, PERMUTATION, and REAL.

        +
        +
        +BINARY = 1
        +
        + +
        +
        +PERMUTATION = 2
        +
        + +
        +
        +REAL = 3
        +
        + +
        + +
        +
        +class pycellga.individual.Individual(gen_type: GeneType = GeneType.BINARY, ch_size: int = 0, mins: list[float] = [], maxs: list[float] = [])[source]
        +

        Bases: object

        +

        A class to represent an individual in an evolutionary algorithm.

        +
        +
        +chromosome
        +

        The chromosome representing the individual.

        +
        +
        Type:
        +

        list

        +
        +
        +
        + +
        +
        +fitness_value
        +

        The fitness value of the individual.

        +
        +
        Type:
        +

        float

        +
        +
        +
        + +
        +
        +position
        +

        The position of the individual, represented as a tuple (x, y).

        +
        +
        Type:
        +

        tuple

        +
        +
        +
        + +
        +
        +neighbors_positions
        +

        The positions of the individual’s neighbors.

        +
        +
        Type:
        +

        list or None

        +
        +
        +
        + +
        +
        +neighbors
        +

        The list of neighbors for the individual.

        +
        +
        Type:
        +

        list or None

        +
        +
        +
        + +
        +
        +gen_type
        +

        The enum type of genome representation (GeneType.BINARY, GeneType.PERMUTATION, GeneType.REAL).

        +
        +
        Type:
        +

        GeneType

        +
        +
        +
        + +
        +
        +ch_size
        +

        The size of the chromosome.

        +
        +
        Type:
        +

        int

        +
        +
        +
        + +
        +
        +__init__(gen_type: GeneType = GeneType.BINARY, ch_size: int = 0, mins: list[float] = [], maxs: list[float] = [])[source]
        +

        Initialize an Individual with a specific genome type and chromosome size.

        +
        +
        Parameters:
        +
          +
        • gen_type (str, optional) – The type of genome representation. Must be one of GeneType.BINARY, GeneType.PERMUTATION, or GeneType.REAL. (default is GeneType.BINARY)

        • +
        • ch_size (int) – The size of the chromosome.

        • +
        • mins (list[float]) – The minimum values for each gene in the chromosome.

        • +
        • maxs (list[float]) – The maximum values for each gene in the chromosome.

        • +
        • Description

        • +
        • ------------

        • +
        • algorithm. (The Individual class represents an individual in an evolutionary)

        • +
        • BINARY (If the genome type is)

        • +
        • 1s. (the chromosome is a list of 0s and)

        • +
        • PERMUTATION (If the genome type is)

        • +
        • permutation. (the chromosome is a list of integers representing a)

        • +
        • cases (In both the binary and permutation)

        • +
        • chromosome. (the mins and maxs lists are used to define the range of each gene in the)

        • +
        • REAL (If the genome type is)

        • +
        • numbers. (the chromosome is a list of real)

        • +
        • case (In this)

        • +
        • chromosome.

        • +
        +
        +
        +
        + +
        +
        +generate_candidate(probvector: list) list[source]
        +

        Generate a candidate chromosome based on the given probability vector.

        +
        +
        Parameters:
        +

        vector (list of float) – The probability vector used to generate the candidate chromosome.

        +
        +
        Returns:
        +

        The generated candidate chromosome as a list of 0s and 1s.

        +
        +
        Return type:
        +

        list

        +
        +
        +
        + +
        +
        +getneighbors() list[source]
        +

        Get the list of neighbors for the individual.

        +
        +
        Returns:
        +

        The list of neighbors for the individual.

        +
        +
        Return type:
        +

        list or None

        +
        +
        +
        + +
        +
        +getneighbors_positions() list[source]
        +

        Get the positions of the individual’s neighbors.

        +
        +
        Returns:
        +

        The positions of the individual’s neighbors.

        +
        +
        Return type:
        +

        list or None

        +
        +
        +
        + +
        +
        +randomize()[source]
        +

        Randomly initialize the chromosome based on the genome type.

        +
        +
        Returns:
        +

        The randomly generated chromosome.

        +
        +
        Return type:
        +

        list

        +
        +
        Raises:
        +

        NotImplementedError – If the genome type is not implemented.

        +
        +
        +
        + +
        +
        +setneighbors(neighbors: list) None[source]
        +

        Set the list of neighbors for the individual.

        +
        +
        Parameters:
        +

        neighbors (list) – The list of neighbors to set for the individual.

        +
        +
        +
        + +
        +
        +setneighbors_positions(positions: list) None[source]
        +

        Set the positions of the individual’s neighbors.

        +
        +
        Parameters:
        +

        positions (list) – The positions to set for the individual’s neighbors.

        +
        +
        +
        + +
        +
        -
        -

        pycellga.optimizer module

        +
        +

        pycellga.optimizer module

        +
        +
        +pycellga.optimizer.alpha_cga(n_cols: int, n_rows: int, n_gen: int, ch_size: int, gen_type: str, p_crossover: float, p_mutation: float, problem: AbstractProblem, selection: SelectionOperator, recombination: RecombinationOperator, mutation: MutationOperator, mins: List[float] = [], maxs: List[float] = []) List[source]
        +

        Optimize a problem using an evolutionary algorithm with an alpha-male exchange mechanism.

        +
        +
        Parameters:
        +
          +
        • n_cols (int) – Number of columns in the grid for the population.

        • +
        • n_rows (int) – Number of rows in the grid for the population.

        • +
        • n_gen (int) – Number of generations to run the optimization.

        • +
        • ch_size (int) – Size of the chromosome.

        • +
        • gen_type (GeneType) – Type of genome representation (GeneType.BINARY, GeneType.PERMUTATION, or GeneType.REAL).

        • +
        • p_crossover (float) – Probability of crossover, should be between 0 and 1.

        • +
        • p_mutation (float) – Probability of mutation, should be between 0 and 1.

        • +
        • known_best (float) – Known best solution value for gap calculation.

        • +
        • k_tournament (int) – Tournament size for selection.

        • +
        • problem (AbstractProblem) – The problem instance used to evaluate fitness.

        • +
        • selection (SelectionOperator) – Function used for selection in the evolutionary algorithm.

        • +
        • recombination (RecombinationOperator) – Function used for recombination (crossover) in the evolutionary algorithm.

        • +
        • mutation (MutationOperator) – Function used for mutation in the evolutionary algorithm.

        • +
        • mins (List[float]) – List of minimum values for each gene in the chromosome (for real value optimization).

        • +
        • maxs (List[float]) – List of maximum values for each gene in the chromosome (for real value optimization).

        • +
        +
        +
        Returns:
        +

        A list containing the best solution found during the optimization process, +where the first element is the chromosome, the second is the fitness value, +and the third is the generation at which it was found.

        +
        +
        Return type:
        +

        List

        +
        +
        +
        + +
        +
        +pycellga.optimizer.ccga(n_cols: int, n_rows: int, n_gen: int, ch_size: int, gen_type: str, problem: AbstractProblem, selection: SelectionOperator, mins: List[float] = [], maxs: List[float] = []) List[source]
        +

        Perform optimization using a (CCGA).

        +
        +
        Parameters:
        +
          +
        • n_cols (int) – Number of columns in the grid for the population.

        • +
        • n_rows (int) – Number of rows in the grid for the population.

        • +
        • n_gen (int) – Number of generations to run the optimization.

        • +
        • ch_size (int) – Size of the chromosome.

        • +
        • gen_type (GeneType) – Type of genome representation (GeneType.BINARY, Genetype.PERMUTATION, GeneType.REAL).

        • +
        • problem (AbstractProblem) – The problem instance used to evaluate fitness.

        • +
        • selection (SelectionOperator) – Function used for selection in the evolutionary algorithm.

        • +
        • mins (List[float]) – List of minimum values for each gene in the chromosome (for real value optimization).

        • +
        • maxs (List[float]) – List of maximum values for each gene in the chromosome (for real value optimization

        • +
        +
        +
        Returns:
        +

        A list containing the best solution found during the optimization process, +where the first element is the chromosome, the second is the fitness value, +and the third is the generation at which it was found.

        +
        +
        Return type:
        +

        List

        +
        +
        +
        + +
        +
        +pycellga.optimizer.cga(n_cols: int, n_rows: int, n_gen: int, ch_size: int, gen_type: str, p_crossover: float, p_mutation: float, problem: AbstractProblem, selection: SelectionOperator, recombination: RecombinationOperator, mutation: MutationOperator, mins: list[float] = [], maxs: list[float] = []) List[source]
        +

        Optimize the given problem using a genetic algorithm.

        +
        +
        Parameters:
        +
          +
        • n_cols (int) – Number of columns in the population grid.

        • +
        • n_rows (int) – Number of rows in the population grid.

        • +
        • n_gen (int) – Number of generations to evolve.

        • +
        • ch_size (int) – Size of the chromosome.

        • +
        • gen_type (str) – Type of the genome representation (e.g., ‘Binary’, ‘Permutation’, ‘Real’).

        • +
        • p_crossover (float) – Probability of crossover (between 0 and 1).

        • +
        • p_mutation (float) – Probability of mutation (between 0 and 1).

        • +
        • known_best (float) – Known best solution for gap calculation.

        • +
        • k_tournament (int) – Size of the tournament for selection.

        • +
        • problem (AbstractProblem) – The problem instance used for fitness evaluation.

        • +
        • selection (SelectionOperator) – Function or class used for selecting parents.

        • +
        • recombination (RecombinationOperator) – Function or class used for recombination (crossover).

        • +
        • mutation (MutationOperator) – Function or class used for mutation.

        • +
        • mins (list[float]) – List of minimum values for each gene in the chromosome (for real value optimization).

        • +
        • maxs (list[float]) – List of maximum values for each gene in the chromosome (for real value optimization).

        • +
        +
        +
        Returns:
        +

        A list containing the best solution found during the optimization process, +where the first element is the chromosome, the second is the fitness value, +and the third is the generation at which it was found.

        +
        +
        Return type:
        +

        List

        +
        +
        +
        + +
        +
        +pycellga.optimizer.compete(p1: Individual, p2: Individual) Tuple[Individual, Individual][source]
        +

        Compete between two individuals to determine the better one.

        +
        +
        Parameters:
        +
        +
        +
        Returns:
        +

        The better individual and the loser.

        +
        +
        Return type:
        +

        Tuple[Individual, Individual]

        +
        +
        +
        + +
        +
        +pycellga.optimizer.generate_probability_vector(mins: List[float], maxs: List[float], ntries: int) List[float][source]
        +

        Generate a probability vector based on the given minimum and maximum values.

        +
        +
        Parameters:
        +
          +
        • mins (List[float]) – List of minimum values.

        • +
        • maxs (List[float]) – List of maximum values.

        • +
        • ntries (int) – Number of trials for generating the probability vector.

        • +
        +
        +
        Returns:
        +

        Probability vector.

        +
        +
        Return type:
        +

        List[float]

        +
        +
        +
        + +
        +
        +pycellga.optimizer.mcccga(n_cols: int, n_rows: int, n_gen: int, ch_size: int, gen_type: str, problem: Callable[[List[float]], float], selection: SelectionOperator, mins: list[float], maxs: list[float]) List[source]
        +

        Optimize the given problem using a multi-population machine-coded compact genetic algorithm (MCCGA).

        +
        +
        Parameters:
        +
          +
        • n_cols (int) – Number of columns in the population grid.

        • +
        • n_rows (int) – Number of rows in the population grid.

        • +
        • n_gen (int) – Number of generations to evolve.

        • +
        • ch_size (int) – Size of the chromosome.

        • +
        • gen_type (str) – Type of the genome representation (e.g., ‘Binary’, ‘Permutation’, ‘Real’).

        • +
        • problem (Callable[[List[float]], float]) – Function to evaluate the fitness of a solution. Takes a list of floats and returns a float.

        • +
        • selection (Callable) – Function or class used for selecting parents.

        • +
        • mins (List[float]) – List of minimum values for the probability vector generation.

        • +
        • maxs (List[float]) – List of maximum values for the probability vector generation.

        • +
        +
        +
        Returns:
        +

        A list containing the best solution found during the optimization process, +where the first element is the chromosome, the second is the fitness value, +and the third is the generation at which it was found.

        +
        +
        Return type:
        +

        List

        +
        +
        +
        + +
        +
        +pycellga.optimizer.random_vector_between(mins: List[float], maxs: List[float]) List[float][source]
        +

        Generate a random vector of floats between the given minimum and maximum values.

        +
        +
        Parameters:
        +
          +
        • mins (List[float]) – List of minimum values.

        • +
        • maxs (List[float]) – List of maximum values.

        • +
        +
        +
        Returns:
        +

        Randomly generated vector.

        +
        +
        Return type:
        +

        List[float]

        +
        +
        +
        + +
        +
        +pycellga.optimizer.sample(probvector: List[float]) List[int][source]
        +

        Sample a vector based on the provided probability vector.

        +
        +
        Parameters:
        +

        probvector (List[float]) – Probability vector for sampling.

        +
        +
        Returns:
        +

        Sampled binary vector.

        +
        +
        Return type:
        +

        List[int]

        +
        +
        +
        + +
        +
        +pycellga.optimizer.sync_cga(n_cols: int, n_rows: int, n_gen: int, ch_size: int, gen_type: str, p_crossover: float, p_mutation: float, problem: Callable[[List[float]], float], selection: SelectionOperator, recombination: RecombinationOperator, mutation: MutationOperator, mins: List[float] = [], maxs: List[float] = []) List[source]
        +

        Optimize the given problem using a synchronous cellular genetic algorithm (Sync-CGA).

        +
        +
        Parameters:
        +
          +
        • n_cols (int) – Number of columns in the population grid.

        • +
        • n_rows (int) – Number of rows in the population grid.

        • +
        • n_gen (int) – Number of generations to evolve.

        • +
        • ch_size (int) – Size of the chromosome.

        • +
        • gen_type (str) – Type of the genome representation (e.g., ‘Binary’, ‘Permutation’, ‘Real’).

        • +
        • p_crossover (float) – Probability of crossover between parents.

        • +
        • p_mutation (float) – Probability of mutation in offspring.

        • +
        • problem (Callable[[List[float]], float]) – Function to evaluate the fitness of a solution. Takes a list of floats and returns a float.

        • +
        • selection (SelectionOperator) – Function or class used for selecting parents.

        • +
        • recombination (RecombinationOperator) – Function or class used for recombination (crossover).

        • +
        • mutation (MutationOperator) – Function or class used for mutation.

        • +
        • mins (List[float]) – List of minimum values for each gene in the chromosome (for real value optimization).

        • +
        • maxs (List[float]) – List of maximum values for each gene in the chromosome (for real value optimization

        • +
        +
        +
        Returns:
        +

        A list containing the best solution found during the optimization process, +where the first element is the chromosome, the second is the fitness value, +and the third is the generation at which it was found.

        +
        +
        Return type:
        +

        List

        +
        +
        +
        + +
        +
        +pycellga.optimizer.update_vector(vector: List[float], winner: Individual, loser: Individual, pop_size: int)[source]
        +

        Update the probability vector based on the winner and loser individuals.

        +
        +
        Parameters:
        +
          +
        • vector (List[float]) – Probability vector to be updated.

        • +
        • winner (Individual) – The winning individual.

        • +
        • loser (Individual) – The losing individual.

        • +
        • pop_size (int) – Size of the population.

        • +
        +
        +
        +
        +
        -
        -

        pycellga.population module

        +
        +

        pycellga.population module

        +
        +
        +class pycellga.population.OptimizationMethod(value, names=<not given>, *values, module=None, qualname=None, type=None, start=1, boundary=None)[source]
        +

        Bases: Enum

        +

        OptimizationMethod is an enumeration class that represents the optimization methods used in an evolutionary algorithm. +The five optimization methods are CGA, SYNCGA, ALPHA_CGA, CCGA, and MCCCGA. +“cga”, “sync_cga”, “alpha_cga”, “ccga”, “mcccga”

        +
        +
        +ALPHA_CGA = 3
        +
        + +
        +
        +CCGA = 4
        +
        + +
        +
        +CGA = 1
        +
        + +
        +
        +MCCCGA = 5
        +
        + +
        +
        +SYNCGA = 2
        +
        + +
        + +
        +
        +class pycellga.population.Population(method_name: OptimizationMethod = OptimizationMethod.CGA, ch_size: int = 0, n_rows: int = 0, n_cols: int = 0, gen_type: str = '', problem: AbstractProblem = None, vector: list = [], mins: list[float] = [], maxs: list[float] = [])[source]
        +

        Bases: object

        +

        A class to represent a population in an evolutionary algorithm.

        +
        +
        +method_name
        +

        The name of the optimization method. Must be one of OptimizationMethod.CGA, OptimizationMethod.SYNCGA, OptimizationMethod.ALPHA_CGA, OptimizationMethod.CCGA, or OptimizationMethod.MCCCGA.

        +
        +
        Type:
        +

        OptimizationMethod

        +
        +
        +
        + +
        +
        +ch_size
        +

        The size of the chromosome.

        +
        +
        Type:
        +

        int

        +
        +
        +
        + +
        +
        +n_rows
        +

        The number of rows in the grid.

        +
        +
        Type:
        +

        int

        +
        +
        +
        + +
        +
        +n_cols
        +

        The number of columns in the grid.

        +
        +
        Type:
        +

        int

        +
        +
        +
        + +
        +
        +gen_type
        +

        The type of genome representation (GeneType.BINARY, Genetype.PERMUTATION, GeneType.REAL).

        +
        +
        Type:
        +

        str

        +
        +
        +
        + +
        +
        +problem
        +

        The problem instance used to evaluate fitness.

        +
        +
        Type:
        +

        AbstractProblem

        +
        +
        +
        + +
        +
        +vector
        +

        A list used to generate candidates for the population (relevant for MCCCGA).

        +
        +
        Type:
        +

        list

        +
        +
        +
        + +
        +
        +__init__(method_name: OptimizationMethod = OptimizationMethod.CGA, ch_size: int = 0, n_rows: int = 0, n_cols: int = 0, gen_type: str = '', problem: AbstractProblem = None, vector: list = [], mins: list[float] = [], maxs: list[float] = [])[source]
        +

        Initialize the Population with the specified parameters.

        +
        +
        Parameters:
        +
          +
        • method_name (OptimizationMethod.) – The name of the optimization method. Must be one of OptimizationMethod.CGA, OptimizationMethod.SYNCGA, OptimizationMethod.ALPHA_CGA, OptimizationMethod.CCGA, or OptimizationMethod.MCCCGA. +Default is OptimizationMethod.CGA.

        • +
        • ch_size (int, optional) – The size of the chromosome (default is 0).

        • +
        • n_rows (int, optional) – The number of rows in the grid (default is 0).

        • +
        • n_cols (int, optional) – The number of columns in the grid (default is 0).

        • +
        • gen_type (str, optional) – The type of genome representation (default is an empty string).

        • +
        • problem (AbstractProblem, optional) – The problem instance used to evaluate fitness (default is None).

        • +
        • vector (list, optional) – A list used to generate candidates (default is an empty list).

        • +
        • mins (list[float]) – The minimum values for each gene in the chromosome (for real value optimization).

        • +
        • maxs (list[float]) – The maximum values for each gene in the chromosome (for real value optimization).

        • +
        +
        +
        +
        + +
        +
        +initial_population() List[Individual][source]
        +

        Generate the initial population of individuals.

        +
        +
        Returns:
        +

        A list of initialized Individual objects with their respective chromosomes, fitness values, positions, and neighbors.

        +
        +
        Return type:
        +

        List[Individual]

        +
        +
        +
        + +
        +

        Module contents

        diff --git a/pycellga.mutation.html b/pycellga.mutation.html index 303f607..f668c74 100644 --- a/pycellga.mutation.html +++ b/pycellga.mutation.html @@ -61,9 +61,9 @@
      • Submodules
      • pycellga.byte_operators module
      • pycellga.grid module
      • -
      • pycellga.individual module
      • -
      • pycellga.optimizer module
      • -
      • pycellga.population module
      • +
      • pycellga.individual module
      • +
      • pycellga.optimizer module
      • +
      • pycellga.population module
      • Module contents
      • @@ -106,25 +106,25 @@

        Submodules

        pycellga.mutation.bit_flip_mutation module

        -class pycellga.mutation.bit_flip_mutation.BitFlipMutation(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]
        +class pycellga.mutation.bit_flip_mutation.BitFlipMutation(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]

        Bases: MutationOperator

        BitFlipMutation performs a bit flip mutation on an individual in a Genetic Algorithm.

        Parameters:
          -
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • +
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • problem (AbstractProblem, optional) – The problem instance that provides the fitness function (default is None).

        -__init__(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]
        +__init__(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]

        Initialize the BitFlipMutation object.

        Parameters:
          -
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • +
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • problem (AbstractProblem, optional) – The problem instance that provides the fitness function (default is None).

        @@ -133,7 +133,7 @@

        Submodules
        -mutate() Individual[source]
        +mutate() Individual[source]

        Perform a bit flip mutation on the candidate individual.

        A single bit in the candidate’s chromosome is randomly selected and flipped (i.e., a 0 is changed to a 1, or a 1 is changed to a 0).

        @@ -142,7 +142,7 @@

        Submodules

        A new individual with the mutated chromosome.

        Return type:
        -

        Individual

        +

        Individual

        @@ -154,26 +154,26 @@

        Submodules

        pycellga.mutation.byte_mutation module

        -class pycellga.mutation.byte_mutation.ByteMutation(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]
        +class pycellga.mutation.byte_mutation.ByteMutation(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]

        Bases: MutationOperator

        ByteMutation operator defined in (Satman, 2013). ByteMutation performs a byte-wise mutation on an individual’s chromosome in a Genetic Algorithm.

        Parameters:
          -
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • +
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • problem (AbstractProblem, optional) – The problem instance that provides the fitness function (default is None).

        -__init__(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]
        +__init__(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]

        Initialize the ByteMutation object.

        Parameters:
          -
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • +
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • problem (AbstractProblem, optional) – The problem instance that provides the fitness function (default is None).

        @@ -182,7 +182,7 @@

        Submodules
        -mutate() Individual[source]
        +mutate() Individual[source]

        Perform a byte-wise mutation on the candidate individual.

        A single byte in one of the candidate’s chromosome’s floating-point numbers is randomly selected and either incremented or decremented by 1, wrapping around if necessary.

        @@ -191,7 +191,7 @@

        Submodules

        A new individual with the mutated chromosome.

        Return type:
        -

        Individual

        +

        Individual

        @@ -203,26 +203,26 @@

        Submodules

        pycellga.mutation.byte_mutation_random module

        -class pycellga.mutation.byte_mutation_random.ByteMutationRandom(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]
        +class pycellga.mutation.byte_mutation_random.ByteMutationRandom(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]

        Bases: MutationOperator

        ByteMutationRandom operator defined in (Satman, 2013). ByteMutationRandom performs a random byte mutation on an individual’s chromosome in a Genetic Algorithm.

        Parameters:
          -
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • +
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • problem (AbstractProblem, optional) – The problem instance that provides the fitness function (default is None).

        -__init__(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]
        +__init__(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]

        Initialize the ByteMutationRandom object.

        Parameters:
          -
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • +
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • problem (AbstractProblem, optional) – The problem instance that provides the fitness function (default is None).

        @@ -231,7 +231,7 @@

        Submodules
        -mutate() Individual[source]
        +mutate() Individual[source]

        Perform a random byte mutation on the candidate individual.

        A single byte in one of the candidate’s chromosome’s floating-point numbers is randomly selected and mutated to a random value.

        @@ -240,7 +240,7 @@

        Submodules

        A new individual with the mutated chromosome.

        Return type:
        -

        Individual

        +

        Individual

        @@ -252,25 +252,25 @@

        Submodules

        pycellga.mutation.float_uniform_mutation module

        -class pycellga.mutation.float_uniform_mutation.FloatUniformMutation(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]
        +class pycellga.mutation.float_uniform_mutation.FloatUniformMutation(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]

        Bases: MutationOperator

        FloatUniformMutation performs a uniform mutation on an individual’s chromosome in a Genetic Algorithm.

        Parameters:
          -
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • +
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • problem (AbstractProblem, optional) – The problem instance that provides the fitness function (default is None).

        -__init__(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]
        +__init__(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]

        Initialize the FloatUniformMutation object.

        Parameters:
          -
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • +
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • problem (AbstractProblem, optional) – The problem instance that provides the fitness function (default is None).

        @@ -279,7 +279,7 @@

        Submodules
        -mutate() Individual[source]
        +mutate() Individual[source]

        Perform a uniform mutation on the candidate individual.

        Each gene in the candidate’s chromosome is mutated by adding or subtracting a random float uniformly sampled from [0, 1]. The mutation is rounded to 5 decimal places.

        @@ -288,7 +288,7 @@

        Submodules

        A new individual with the mutated chromosome.

        Return type:
        -

        Individual

        +

        Individual

        @@ -300,25 +300,25 @@

        Submodules

        pycellga.mutation.insertion_mutation module

        -class pycellga.mutation.insertion_mutation.InsertionMutation(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]
        +class pycellga.mutation.insertion_mutation.InsertionMutation(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]

        Bases: MutationOperator

        InsertionMutation performs an insertion mutation on an individual’s chromosome in a Genetic Algorithm.

        Parameters:
          -
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • +
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • problem (AbstractProblem, optional) – The problem instance that provides the fitness function (default is None).

        -__init__(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]
        +__init__(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]

        Initialize the InsertionMutation object.

        Parameters:
          -
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • +
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • problem (AbstractProblem, optional) – The problem instance that provides the fitness function (default is None).

        @@ -327,7 +327,7 @@

        Submodules
        -mutate() Individual[source]
        +mutate() Individual[source]

        Perform an insertion mutation on the candidate individual.

        A gene in the candidate’s chromosome is randomly selected and moved to a new position in the chromosome.

        @@ -335,7 +335,7 @@

        Submodules

        A new individual with the mutated chromosome.

        Return type:
        -

        Individual

        +

        Individual

        @@ -361,25 +361,25 @@

        Submodules

        pycellga.mutation.shuffle_mutation module

        -class pycellga.mutation.shuffle_mutation.ShuffleMutation(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]
        +class pycellga.mutation.shuffle_mutation.ShuffleMutation(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]

        Bases: MutationOperator

        ShuffleMutation performs a shuffle mutation on an individual’s chromosome in a Genetic Algorithm.

        Parameters:
          -
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • +
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • problem (AbstractProblem, optional) – The problem instance that provides the fitness function (default is None).

        -__init__(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]
        +__init__(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]

        Initialize the ShuffleMutation object.

        Parameters:
          -
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • +
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • problem (AbstractProblem, optional) – The problem instance that provides the fitness function (default is None).

        @@ -388,7 +388,7 @@

        Submodules
        -mutate() Individual[source]
        +mutate() Individual[source]

        Perform a shuffle mutation on the candidate individual.

        A subsequence of genes in the candidate’s chromosome is randomly selected and shuffled.

        @@ -396,7 +396,7 @@

        Submodules

        A new individual with the mutated chromosome.

        Return type:
        -

        Individual

        +

        Individual

        @@ -408,25 +408,25 @@

        Submodules

        pycellga.mutation.swap_mutation module

        -class pycellga.mutation.swap_mutation.SwapMutation(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]
        +class pycellga.mutation.swap_mutation.SwapMutation(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]

        Bases: MutationOperator

        SwapMutation performs a swap mutation on an individual’s chromosome in a Genetic Algorithm.

        Parameters:
          -
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • +
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • problem (AbstractProblem, optional) – The problem instance that provides the fitness function (default is None).

        -__init__(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]
        +__init__(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]

        Initialize the SwapMutation object.

        Parameters:
          -
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • +
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • problem (AbstractProblem, optional) – The problem instance that provides the fitness function (default is None).

        @@ -435,7 +435,7 @@

        Submodules
        -mutate() Individual[source]
        +mutate() Individual[source]

        Perform a swap mutation on the candidate individual.

        Two genes in the candidate’s chromosome are randomly selected and swapped.

        @@ -443,7 +443,7 @@

        Submodules

        A new individual with the mutated chromosome.

        Return type:
        -

        Individual

        +

        Individual

        @@ -455,25 +455,25 @@

        Submodules

        pycellga.mutation.two_opt_mutation module

        -class pycellga.mutation.two_opt_mutation.TwoOptMutation(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]
        +class pycellga.mutation.two_opt_mutation.TwoOptMutation(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]

        Bases: MutationOperator

        TwoOptMutation performs a 2-opt mutation on an individual’s chromosome in a Genetic Algorithm.

        Parameters:
          -
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • +
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • problem (AbstractProblem, optional) – The problem instance that provides the fitness function (default is None).

        -__init__(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]
        +__init__(mutation_cand: Individual = None, problem: AbstractProblem = None)[source]

        Initialize the TwoOptMutation object.

        Parameters:
          -
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • +
        • mutation_cand (Individual, optional) – The candidate individual to be mutated (default is None).

        • problem (AbstractProblem, optional) – The problem instance that provides the fitness function (default is None).

        @@ -482,7 +482,7 @@

        Submodules
        -mutate() Individual[source]
        +mutate() Individual[source]

        Perform a 2-opt mutation on the candidate individual.

        A segment of the candidate’s chromosome is randomly selected and reversed.

        @@ -490,7 +490,7 @@

        Submodules

        A new individual with the mutated chromosome.

        Return type:
        -

        Individual

        +

        Individual

        diff --git a/pycellga.neighborhoods.html b/pycellga.neighborhoods.html index 69f9fbc..fd0a46f 100644 --- a/pycellga.neighborhoods.html +++ b/pycellga.neighborhoods.html @@ -61,9 +61,9 @@
      • Submodules
      • pycellga.byte_operators module
      • pycellga.grid module
      • -
      • pycellga.individual module
      • -
      • pycellga.optimizer module
      • -
      • pycellga.population module
      • +
      • pycellga.individual module
      • +
      • pycellga.optimizer module
      • +
      • pycellga.population module
      • Module contents
      • diff --git a/pycellga.problems.html b/pycellga.problems.html index f4c806f..eb3ce83 100644 --- a/pycellga.problems.html +++ b/pycellga.problems.html @@ -61,9 +61,9 @@
      • Submodules
      • pycellga.byte_operators module
      • pycellga.grid module
      • -
      • pycellga.individual module
      • -
      • pycellga.optimizer module
      • -
      • pycellga.population module
      • +
      • pycellga.individual module
      • +
      • pycellga.optimizer module
      • +
      • pycellga.population module
      • Module contents
      • diff --git a/pycellga.problems.single_objective.continuous.html b/pycellga.problems.single_objective.continuous.html index 2d1286e..466636a 100644 --- a/pycellga.problems.single_objective.continuous.html +++ b/pycellga.problems.single_objective.continuous.html @@ -61,9 +61,9 @@
      • Submodules
      • pycellga.byte_operators module
      • pycellga.grid module
      • -
      • pycellga.individual module
      • -
      • pycellga.optimizer module
      • -
      • pycellga.population module
      • +
      • pycellga.individual module
      • +
      • pycellga.optimizer module
      • +
      • pycellga.population module
      • Module contents
      • diff --git a/pycellga.problems.single_objective.discrete.binary.html b/pycellga.problems.single_objective.discrete.binary.html index fbea5f7..232911c 100644 --- a/pycellga.problems.single_objective.discrete.binary.html +++ b/pycellga.problems.single_objective.discrete.binary.html @@ -61,9 +61,9 @@
      • Submodules
      • pycellga.byte_operators module
      • pycellga.grid module
      • -
      • pycellga.individual module
      • -
      • pycellga.optimizer module
      • -
      • pycellga.population module
      • +
      • pycellga.individual module
      • +
      • pycellga.optimizer module
      • +
      • pycellga.population module
      • Module contents
      • diff --git a/pycellga.problems.single_objective.discrete.html b/pycellga.problems.single_objective.discrete.html index d65ea01..35d2c88 100644 --- a/pycellga.problems.single_objective.discrete.html +++ b/pycellga.problems.single_objective.discrete.html @@ -61,9 +61,9 @@
      • Submodules
      • pycellga.byte_operators module
      • pycellga.grid module
      • -
      • pycellga.individual module
      • -
      • pycellga.optimizer module
      • -
      • pycellga.population module
      • +
      • pycellga.individual module
      • +
      • pycellga.optimizer module
      • +
      • pycellga.population module
      • Module contents
      • diff --git a/pycellga.problems.single_objective.discrete.permutation.html b/pycellga.problems.single_objective.discrete.permutation.html index 0495a05..e2abdb8 100644 --- a/pycellga.problems.single_objective.discrete.permutation.html +++ b/pycellga.problems.single_objective.discrete.permutation.html @@ -61,9 +61,9 @@
      • Submodules
      • pycellga.byte_operators module
      • pycellga.grid module
      • -
      • pycellga.individual module
      • -
      • pycellga.optimizer module
      • -
      • pycellga.population module
      • +
      • pycellga.individual module
      • +
      • pycellga.optimizer module
      • +
      • pycellga.population module
      • Module contents
      • diff --git a/pycellga.problems.single_objective.html b/pycellga.problems.single_objective.html index f4549f4..4986412 100644 --- a/pycellga.problems.single_objective.html +++ b/pycellga.problems.single_objective.html @@ -61,9 +61,9 @@
      • Submodules
      • pycellga.byte_operators module
      • pycellga.grid module
      • -
      • pycellga.individual module
      • -
      • pycellga.optimizer module
      • -
      • pycellga.population module
      • +
      • pycellga.individual module
      • +
      • pycellga.optimizer module
      • +
      • pycellga.population module
      • Module contents
      • diff --git a/pycellga.recombination.html b/pycellga.recombination.html index d2a98b9..d649dc0 100644 --- a/pycellga.recombination.html +++ b/pycellga.recombination.html @@ -61,9 +61,9 @@
      • Submodules
      • pycellga.byte_operators module
      • pycellga.grid module
      • -
      • pycellga.individual module
      • -
      • pycellga.optimizer module
      • -
      • pycellga.population module
      • +
      • pycellga.individual module
      • +
      • pycellga.optimizer module
      • +
      • pycellga.population module
      • Module contents
      • @@ -134,14 +134,14 @@

        Submodules
        -get_recombinations() List[Individual][source]
        +get_recombinations() List[Individual][source]

        Perform the arithmetic crossover on the parent individuals to produce offspring.

        Returns:

        A list containing the offspring individuals.

        Return type:
        -

        List[Individual]

        +

        List[Individual]

        @@ -181,35 +181,35 @@

        Submodules
        -combine(p1: Individual, p2: Individual, locationsource: Individual) Individual[source]
        +combine(p1: Individual, p2: Individual, locationsource: Individual) Individual[source]

        Combine two parent individuals using BLX-alpha crossover to produce a single offspring.

        Parameters:
          -
        • p1 (Individual) – The first parent individual.

        • -
        • p2 (Individual) – The second parent individual.

        • -
        • locationsource (Individual) – The individual from which to copy positional information for the offspring.

        • +
        • p1 (Individual) – The first parent individual.

        • +
        • p2 (Individual) – The second parent individual.

        • +
        • locationsource (Individual) – The individual from which to copy positional information for the offspring.

        Returns:

        The resulting offspring individual.

        Return type:
        -

        Individual

        +

        Individual

        -get_recombinations() List[Individual][source]
        +get_recombinations() List[Individual][source]

        Perform the BLX-alpha crossover on the parent individuals to produce offspring.

        Returns:

        A list containing the offspring individuals.

        Return type:
        -

        List[Individual]

        +

        List[Individual]

        @@ -249,14 +249,14 @@

        Submodules
        -get_recombinations() List[Individual][source]
        +get_recombinations() List[Individual][source]

        Perform the one-point crossover on the parent individuals at the byte level to produce offspring.

        Returns:

        A list containing the offspring individuals.

        Return type:
        -

        List[Individual]

        +

        List[Individual]

        @@ -296,35 +296,35 @@

        Submodules
        -combine(p1: Individual, p2: Individual, locationsource: Individual) Individual[source]
        +combine(p1: Individual, p2: Individual, locationsource: Individual) Individual[source]

        Combine two parent individuals using uniform crossover at the byte level to produce a single offspring.

        Parameters:
          -
        • p1 (Individual) – The first parent individual.

        • -
        • p2 (Individual) – The second parent individual.

        • -
        • locationsource (Individual) – The individual from which to copy positional information for the offspring.

        • +
        • p1 (Individual) – The first parent individual.

        • +
        • p2 (Individual) – The second parent individual.

        • +
        • locationsource (Individual) – The individual from which to copy positional information for the offspring.

        Returns:

        The resulting offspring individual.

        Return type:
        -

        Individual

        +

        Individual

        -get_recombinations() List[Individual][source]
        +get_recombinations() List[Individual][source]

        Perform the uniform crossover on the parent individuals to produce offspring.

        Returns:

        A list containing the offspring individuals.

        Return type:
        -

        List[Individual]

        +

        List[Individual]

        @@ -364,35 +364,35 @@

        Submodules
        -combine(p1: Individual, p2: Individual, locationsource: Individual) Individual[source]
        +combine(p1: Individual, p2: Individual, locationsource: Individual) Individual[source]

        Combine two parent individuals using flat crossover to produce a single offspring.

        Parameters:
          -
        • p1 (Individual) – The first parent individual.

        • -
        • p2 (Individual) – The second parent individual.

        • -
        • locationsource (Individual) – The individual from which to copy positional information for the offspring.

        • +
        • p1 (Individual) – The first parent individual.

        • +
        • p2 (Individual) – The second parent individual.

        • +
        • locationsource (Individual) – The individual from which to copy positional information for the offspring.

        Returns:

        The resulting offspring individual.

        Return type:
        -

        Individual

        +

        Individual

        -get_recombinations() List[Individual][source]
        +get_recombinations() List[Individual][source]

        Perform the flat crossover on the parent individuals to produce offspring.

        Returns:

        A list containing the offspring individuals.

        Return type:
        -

        List[Individual]

        +

        List[Individual]

        @@ -432,35 +432,35 @@

        Submodules
        -combine(p1: Individual, p2: Individual, locationsource: Individual) Individual[source]
        +combine(p1: Individual, p2: Individual, locationsource: Individual) Individual[source]

        Combine two parent individuals using linear crossover to produce a single offspring.

        Parameters:
          -
        • p1 (Individual) – The first parent individual.

        • -
        • p2 (Individual) – The second parent individual.

        • -
        • locationsource (Individual) – The individual from which to copy positional information for the offspring.

        • +
        • p1 (Individual) – The first parent individual.

        • +
        • p2 (Individual) – The second parent individual.

        • +
        • locationsource (Individual) – The individual from which to copy positional information for the offspring.

        Returns:

        The resulting offspring individual.

        Return type:
        -

        Individual

        +

        Individual

        -get_recombinations() List[Individual][source]
        +get_recombinations() List[Individual][source]

        Perform the linear crossover on the parent individuals to produce offspring.

        Returns:

        A list containing the offspring individuals.

        Return type:
        -

        List[Individual]

        +

        List[Individual]

        @@ -500,14 +500,14 @@

        Submodules
        -get_recombinations() List[Individual][source]
        +get_recombinations() List[Individual][source]

        Perform the one-point crossover on the parent individuals to produce offspring.

        Returns:

        A list containing the offspring individuals.

        Return type:
        -

        List[Individual]

        +

        List[Individual]

        @@ -547,14 +547,14 @@

        Submodules
        -get_recombinations() List[Individual][source]
        +get_recombinations() List[Individual][source]

        Perform the PMX crossover on the parent individuals to produce offspring.

        Returns:

        A list containing the offspring individuals.

        Return type:
        -

        List[Individual]

        +

        List[Individual]

        @@ -608,14 +608,14 @@

        Submodules
        -get_recombinations() List[Individual][source]
        +get_recombinations() List[Individual][source]

        Perform the two-point crossover on the parent individuals to produce offspring.

        Returns:

        A list containing the offspring individuals.

        Return type:
        -

        List[Individual]

        +

        List[Individual]

        @@ -655,14 +655,14 @@

        Submodules
        -get_recombinations() List[Individual][source]
        +get_recombinations() List[Individual][source]

        Perform the unfair average crossover on the parent individuals to produce offspring.

        Returns:

        A list containing the offspring individuals.

        Return type:
        -

        List[Individual]

        +

        List[Individual]

        @@ -702,35 +702,35 @@

        Submodules
        -combine(p1: Individual, p2: Individual, locationsource: Individual) Individual[source]
        +combine(p1: Individual, p2: Individual, locationsource: Individual) Individual[source]

        Combine two parent individuals using uniform crossover to produce a single offspring.

        Parameters:
          -
        • p1 (Individual) – The first parent individual.

        • -
        • p2 (Individual) – The second parent individual.

        • -
        • locationsource (Individual) – The individual from which to copy positional information for the offspring.

        • +
        • p1 (Individual) – The first parent individual.

        • +
        • p2 (Individual) – The second parent individual.

        • +
        • locationsource (Individual) – The individual from which to copy positional information for the offspring.

        Returns:

        The resulting offspring individual.

        Return type:
        -

        Individual

        +

        Individual

        -get_recombinations() List[Individual][source]
        +get_recombinations() List[Individual][source]

        Perform the uniform crossover on the parent individuals to produce offspring.

        Returns:

        A list containing the offspring individuals.

        Return type:
        -

        List[Individual]

        +

        List[Individual]

        diff --git a/pycellga.selection.html b/pycellga.selection.html index 5646246..2ce4093 100644 --- a/pycellga.selection.html +++ b/pycellga.selection.html @@ -61,9 +61,9 @@
      • Submodules
      • pycellga.byte_operators module
      • pycellga.grid module
      • -
      • pycellga.individual module
      • -
      • pycellga.optimizer module
      • -
      • pycellga.population module
      • +
      • pycellga.individual module
      • +
      • pycellga.optimizer module
      • +
      • pycellga.population module
      • Module contents
      • @@ -106,26 +106,26 @@

        Submodules

        pycellga.selection.roulette_wheel_selection module

        -class pycellga.selection.roulette_wheel_selection.RouletteWheelSelection(pop_list: List[Individual] = [], c: int = 0)[source]
        +class pycellga.selection.roulette_wheel_selection.RouletteWheelSelection(pop_list: List[Individual] = [], c: int = 0)[source]

        Bases: SelectionOperator

        RouletteWheelSelection performs a roulette wheel selection on a population of individuals to select parent individuals for crossover.

        Parameters:
          -
        • pop_list (list of Individual) – The population of individuals to select from.

        • +
        • pop_list (list of Individual) – The population of individuals to select from.

        • c (int) – The index of the individual to start selection from.

        -__init__(pop_list: List[Individual] = [], c: int = 0)[source]
        +__init__(pop_list: List[Individual] = [], c: int = 0)[source]

        Initialize the RouletteWheelSelection object.

        Parameters:
          -
        • pop_list (list of Individual) – The population of individuals to select from.

        • +
        • pop_list (list of Individual) – The population of individuals to select from.

        • c (int) – The index of the individual to start selection from.

        @@ -134,14 +134,14 @@

        Submodules
        -get_parents() List[Individual][source]
        +get_parents() List[Individual][source]

        Perform the roulette wheel selection to get parent individuals.

        Returns:

        A list containing the selected parent individuals.

        Return type:
        -

        list of Individual

        +

        list of Individual

        @@ -167,14 +167,14 @@

        Submodules

        pycellga.selection.tournament_selection module

        -class pycellga.selection.tournament_selection.TournamentSelection(pop_list: List[Individual] = [], c: int = 0, K: int = 2)[source]
        +class pycellga.selection.tournament_selection.TournamentSelection(pop_list: List[Individual] = [], c: int = 0, K: int = 2)[source]

        Bases: SelectionOperator

        TournamentSelection performs a tournament selection on a population of individuals to select parent individuals for crossover.

        Parameters:
          -
        • pop_list (list of Individual) – The population of individuals to select from.

        • +
        • pop_list (list of Individual) – The population of individuals to select from.

        • c (int) – The index of the individual to start selection from.

        • K (int) – The number of individuals to be chosen at random from neighbors.

        @@ -182,12 +182,12 @@

        Submodules
        -__init__(pop_list: List[Individual] = [], c: int = 0, K: int = 2)[source]
        +__init__(pop_list: List[Individual] = [], c: int = 0, K: int = 2)[source]

        Initialize the TournamentSelection object.

        Parameters:
          -
        • pop_list (list of Individual) – The population of individuals to select from.

        • +
        • pop_list (list of Individual) – The population of individuals to select from.

        • c (int) – The index of the individual to start selection from.

        • K (int) – The number of individuals to be chosen at random from neighbors.

        @@ -197,14 +197,14 @@

        Submodules
        -get_parents() List[Individual][source]
        +get_parents() List[Individual][source]

        Perform the tournament selection to get parent individuals.

        Returns:

        A list containing the selected parent individuals.

        Return type:
        -

        list of Individual

        +

        list of Individual

        diff --git a/pycellga.tests.html b/pycellga.tests.html index ff69d1d..4e6b9fb 100644 --- a/pycellga.tests.html +++ b/pycellga.tests.html @@ -60,9 +60,9 @@
      • Submodules
      • pycellga.byte_operators module
      • pycellga.grid module
      • -
      • pycellga.individual module
      • -
      • pycellga.optimizer module
      • -
      • pycellga.population module
      • +
      • pycellga.individual module
      • +
      • pycellga.optimizer module
      • +
      • pycellga.population module
      • Module contents
      • @@ -387,7 +387,7 @@

        Submodules

        An individual instance with a predefined chromosome and size.

        Return type:
        -

        Individual

        +

        Individual

        @@ -458,7 +458,7 @@

        Submodules

        An individual instance with a predefined chromosome and size.

        Return type:
        -

        Individual

        +

        Individual

        @@ -968,7 +968,7 @@

        Submodules

        An individual instance with a predefined chromosome and size.

        Return type:
        -

        Individual

        +

        Individual

        @@ -2030,7 +2030,7 @@

        Assertions

        A population instance with a mock problem.

        Return type:
        -

        Population

        +

        Population

        @@ -2042,7 +2042,7 @@

        Assertions
        Parameters:
          -
        • setup_population (Population) – The population fixture.

        • +
        • setup_population (Population) – The population fixture.

        • Asserts

        • -------

        • performed. (True if the fitness evaluation is correctly)

        • @@ -2058,7 +2058,7 @@

          Assertions
          Parameters:
            -
          • setup_population (Population) – The population fixture.

          • +
          • setup_population (Population) – The population fixture.

          • Asserts

          • -------

          • correct. (True if the size of the population is)

          • @@ -2074,7 +2074,7 @@

            Assertions
            Parameters:
              -
            • setup_population (Population) – The population fixture.

            • +
            • setup_population (Population) – The population fixture.

            • Asserts

            • -------

            • assigned. (True if neighborhood positions are correctly)

            • diff --git a/searchindex.js b/searchindex.js index 97c29a5..61822bb 100644 --- a/searchindex.js +++ b/searchindex.js @@ -1 +1 @@ -Search.setIndex({"alltitles": {"Assertions": [[14, "assertions"], [14, "id2"], [14, "id3"]], "Contents:": [[0, null]], "Module contents": [[2, "module-pycellga"], [3, "module-pycellga.example"], [4, "module-pycellga.mutation"], [5, "module-pycellga.neighborhoods"], [6, "module-pycellga.problems"], [7, "module-pycellga.problems.single_objective"], [8, "module-pycellga.problems.single_objective.continuous"], [9, "module-pycellga.problems.single_objective.discrete"], [10, "module-pycellga.problems.single_objective.discrete.binary"], [11, "module-pycellga.problems.single_objective.discrete.permutation"], [12, "module-pycellga.recombination"], [13, "module-pycellga.selection"], [14, "module-pycellga.tests"]], "PYCELLGA Documentation": [[0, null]], "Submodules": [[2, "submodules"], [3, "submodules"], [4, "submodules"], [5, "submodules"], [6, "submodules"], [8, "submodules"], [10, "submodules"], [11, "submodules"], [12, "submodules"], [13, "submodules"], [14, "submodules"]], "Subpackages": [[2, "subpackages"], [6, "subpackages"], [7, "subpackages"], [9, "subpackages"]], "pycellga": [[1, null]], "pycellga package": [[2, null]], "pycellga.byte_operators module": [[2, "module-pycellga.byte_operators"]], "pycellga.example package": [[3, null]], "pycellga.example.example_alpha_cga module": [[3, "module-pycellga.example.example_alpha_cga"]], "pycellga.example.example_ccga module": [[3, "module-pycellga.example.example_ccga"]], "pycellga.example.example_cga module": [[3, "module-pycellga.example.example_cga"]], "pycellga.example.example_mcccga module": [[3, "module-pycellga.example.example_mcccga"]], "pycellga.example.example_sync_cga module": [[3, "module-pycellga.example.example_sync_cga"]], "pycellga.grid module": [[2, "module-pycellga.grid"]], "pycellga.individual module": [[2, "pycellga-individual-module"]], "pycellga.mutation package": [[4, null]], "pycellga.mutation.bit_flip_mutation module": [[4, "module-pycellga.mutation.bit_flip_mutation"]], "pycellga.mutation.byte_mutation module": [[4, "module-pycellga.mutation.byte_mutation"]], "pycellga.mutation.byte_mutation_random module": [[4, "module-pycellga.mutation.byte_mutation_random"]], "pycellga.mutation.float_uniform_mutation module": [[4, "module-pycellga.mutation.float_uniform_mutation"]], "pycellga.mutation.insertion_mutation module": [[4, "module-pycellga.mutation.insertion_mutation"]], "pycellga.mutation.mutation_operator module": [[4, "module-pycellga.mutation.mutation_operator"]], "pycellga.mutation.shuffle_mutation module": [[4, "module-pycellga.mutation.shuffle_mutation"]], "pycellga.mutation.swap_mutation module": [[4, "module-pycellga.mutation.swap_mutation"]], "pycellga.mutation.two_opt_mutation module": [[4, "module-pycellga.mutation.two_opt_mutation"]], "pycellga.neighborhoods package": [[5, null]], "pycellga.neighborhoods.compact_13 module": [[5, "module-pycellga.neighborhoods.compact_13"]], "pycellga.neighborhoods.compact_21 module": [[5, "module-pycellga.neighborhoods.compact_21"]], "pycellga.neighborhoods.compact_25 module": [[5, "module-pycellga.neighborhoods.compact_25"]], "pycellga.neighborhoods.compact_9 module": [[5, "module-pycellga.neighborhoods.compact_9"]], "pycellga.neighborhoods.linear_5 module": [[5, "module-pycellga.neighborhoods.linear_5"]], "pycellga.neighborhoods.linear_9 module": [[5, "module-pycellga.neighborhoods.linear_9"]], "pycellga.optimizer module": [[2, "pycellga-optimizer-module"]], "pycellga.population module": [[2, "pycellga-population-module"]], "pycellga.problems package": [[6, null]], "pycellga.problems.abstract_problem module": [[6, "module-pycellga.problems.abstract_problem"]], "pycellga.problems.single_objective package": [[7, null]], "pycellga.problems.single_objective.continuous package": [[8, null]], "pycellga.problems.single_objective.continuous.ackley module": [[8, "module-pycellga.problems.single_objective.continuous.ackley"]], "pycellga.problems.single_objective.continuous.bentcigar module": [[8, "module-pycellga.problems.single_objective.continuous.bentcigar"]], "pycellga.problems.single_objective.continuous.bohachevsky module": [[8, "module-pycellga.problems.single_objective.continuous.bohachevsky"]], "pycellga.problems.single_objective.continuous.chichinadze module": [[8, "module-pycellga.problems.single_objective.continuous.chichinadze"]], "pycellga.problems.single_objective.continuous.dropwave module": [[8, "module-pycellga.problems.single_objective.continuous.dropwave"]], "pycellga.problems.single_objective.continuous.fms module": [[8, "module-pycellga.problems.single_objective.continuous.fms"]], "pycellga.problems.single_objective.continuous.griewank module": [[8, "module-pycellga.problems.single_objective.continuous.griewank"]], "pycellga.problems.single_objective.continuous.holzman module": [[8, "module-pycellga.problems.single_objective.continuous.holzman"]], "pycellga.problems.single_objective.continuous.levy module": [[8, "module-pycellga.problems.single_objective.continuous.levy"]], "pycellga.problems.single_objective.continuous.matyas module": [[8, "module-pycellga.problems.single_objective.continuous.matyas"]], "pycellga.problems.single_objective.continuous.pow module": [[8, "module-pycellga.problems.single_objective.continuous.pow"]], "pycellga.problems.single_objective.continuous.powell module": [[8, "module-pycellga.problems.single_objective.continuous.powell"]], "pycellga.problems.single_objective.continuous.rastrigin module": [[8, "module-pycellga.problems.single_objective.continuous.rastrigin"]], "pycellga.problems.single_objective.continuous.rosenbrock module": [[8, "module-pycellga.problems.single_objective.continuous.rosenbrock"]], "pycellga.problems.single_objective.continuous.rothellipsoid module": [[8, "module-pycellga.problems.single_objective.continuous.rothellipsoid"]], "pycellga.problems.single_objective.continuous.schaffer module": [[8, "module-pycellga.problems.single_objective.continuous.schaffer"]], "pycellga.problems.single_objective.continuous.schaffer2 module": [[8, "module-pycellga.problems.single_objective.continuous.schaffer2"]], "pycellga.problems.single_objective.continuous.schwefel module": [[8, "module-pycellga.problems.single_objective.continuous.schwefel"]], "pycellga.problems.single_objective.continuous.sphere module": [[8, "module-pycellga.problems.single_objective.continuous.sphere"]], "pycellga.problems.single_objective.continuous.styblinskitang module": [[8, "module-pycellga.problems.single_objective.continuous.styblinskitang"]], "pycellga.problems.single_objective.continuous.sumofdifferentpowers module": [[8, "module-pycellga.problems.single_objective.continuous.sumofdifferentpowers"]], "pycellga.problems.single_objective.continuous.threehumps module": [[8, "module-pycellga.problems.single_objective.continuous.threehumps"]], "pycellga.problems.single_objective.continuous.zakharov module": [[8, "module-pycellga.problems.single_objective.continuous.zakharov"]], "pycellga.problems.single_objective.continuous.zettle module": [[8, "module-pycellga.problems.single_objective.continuous.zettle"]], "pycellga.problems.single_objective.discrete package": [[9, null]], "pycellga.problems.single_objective.discrete.binary package": [[10, null]], "pycellga.problems.single_objective.discrete.binary.count_sat module": [[10, "module-pycellga.problems.single_objective.discrete.binary.count_sat"]], "pycellga.problems.single_objective.discrete.binary.ecc module": [[10, "module-pycellga.problems.single_objective.discrete.binary.ecc"]], "pycellga.problems.single_objective.discrete.binary.fms module": [[10, "module-pycellga.problems.single_objective.discrete.binary.fms"]], "pycellga.problems.single_objective.discrete.binary.maxcut100 module": [[10, "module-pycellga.problems.single_objective.discrete.binary.maxcut100"]], "pycellga.problems.single_objective.discrete.binary.maxcut20_01 module": [[10, "module-pycellga.problems.single_objective.discrete.binary.maxcut20_01"]], "pycellga.problems.single_objective.discrete.binary.maxcut20_09 module": [[10, "module-pycellga.problems.single_objective.discrete.binary.maxcut20_09"]], "pycellga.problems.single_objective.discrete.binary.mmdp module": [[10, "module-pycellga.problems.single_objective.discrete.binary.mmdp"]], "pycellga.problems.single_objective.discrete.binary.one_max module": [[10, "module-pycellga.problems.single_objective.discrete.binary.one_max"]], "pycellga.problems.single_objective.discrete.binary.peak module": [[10, "module-pycellga.problems.single_objective.discrete.binary.peak"]], "pycellga.problems.single_objective.discrete.permutation package": [[11, null]], "pycellga.problems.single_objective.discrete.permutation.tsp module": [[11, "module-pycellga.problems.single_objective.discrete.permutation.tsp"]], "pycellga.recombination package": [[12, null]], "pycellga.recombination.arithmetic_crossover module": [[12, "module-pycellga.recombination.arithmetic_crossover"]], "pycellga.recombination.blxalpha_crossover module": [[12, "module-pycellga.recombination.blxalpha_crossover"]], "pycellga.recombination.byte_one_point_crossover module": [[12, "module-pycellga.recombination.byte_one_point_crossover"]], "pycellga.recombination.byte_uniform_crossover module": [[12, "module-pycellga.recombination.byte_uniform_crossover"]], "pycellga.recombination.flat_crossover module": [[12, "module-pycellga.recombination.flat_crossover"]], "pycellga.recombination.linear_crossover module": [[12, "module-pycellga.recombination.linear_crossover"]], "pycellga.recombination.one_point_crossover module": [[12, "module-pycellga.recombination.one_point_crossover"]], "pycellga.recombination.pmx_crossover module": [[12, "module-pycellga.recombination.pmx_crossover"]], "pycellga.recombination.recombination_operator module": [[12, "module-pycellga.recombination.recombination_operator"]], "pycellga.recombination.two_point_crossover module": [[12, "module-pycellga.recombination.two_point_crossover"]], "pycellga.recombination.unfair_avarage_crossover module": [[12, "module-pycellga.recombination.unfair_avarage_crossover"]], "pycellga.recombination.uniform_crossover module": [[12, "module-pycellga.recombination.uniform_crossover"]], "pycellga.selection package": [[13, null]], "pycellga.selection.roulette_wheel_selection module": [[13, "module-pycellga.selection.roulette_wheel_selection"]], "pycellga.selection.selection_operator module": [[13, "module-pycellga.selection.selection_operator"]], "pycellga.selection.tournament_selection module": [[13, "module-pycellga.selection.tournament_selection"]], "pycellga.tests package": [[14, null]], "pycellga.tests.conftest module": [[14, "module-pycellga.tests.conftest"]], "pycellga.tests.test_ackley module": [[14, "module-pycellga.tests.test_ackley"]], "pycellga.tests.test_arithmetic_crossover module": [[14, "module-pycellga.tests.test_arithmetic_crossover"]], "pycellga.tests.test_bentcigar_function module": [[14, "module-pycellga.tests.test_bentcigar_function"]], "pycellga.tests.test_bit_flip_mutation module": [[14, "module-pycellga.tests.test_bit_flip_mutation"]], "pycellga.tests.test_blxalpha_crossover module": [[14, "module-pycellga.tests.test_blxalpha_crossover"]], "pycellga.tests.test_bohachevsky module": [[14, "module-pycellga.tests.test_bohachevsky"]], "pycellga.tests.test_byte_mutation module": [[14, "module-pycellga.tests.test_byte_mutation"]], "pycellga.tests.test_byte_mutation_random module": [[14, "module-pycellga.tests.test_byte_mutation_random"]], "pycellga.tests.test_byte_one_point_crossover module": [[14, "module-pycellga.tests.test_byte_one_point_crossover"]], "pycellga.tests.test_byte_operators module": [[14, "module-pycellga.tests.test_byte_operators"]], "pycellga.tests.test_byte_uniform_crossover module": [[14, "module-pycellga.tests.test_byte_uniform_crossover"]], "pycellga.tests.test_chichinadze_function module": [[14, "module-pycellga.tests.test_chichinadze_function"]], "pycellga.tests.test_compact_13 module": [[14, "module-pycellga.tests.test_compact_13"]], "pycellga.tests.test_compact_21 module": [[14, "module-pycellga.tests.test_compact_21"]], "pycellga.tests.test_compact_25 module": [[14, "module-pycellga.tests.test_compact_25"]], "pycellga.tests.test_compact_9 module": [[14, "module-pycellga.tests.test_compact_9"]], "pycellga.tests.test_count_sat module": [[14, "module-pycellga.tests.test_count_sat"]], "pycellga.tests.test_dropwave_function module": [[14, "module-pycellga.tests.test_dropwave_function"]], "pycellga.tests.test_ecc module": [[14, "module-pycellga.tests.test_ecc"]], "pycellga.tests.test_flat_crossover module": [[14, "module-pycellga.tests.test_flat_crossover"]], "pycellga.tests.test_float_uniform_mutation module": [[14, "module-pycellga.tests.test_float_uniform_mutation"]], "pycellga.tests.test_fms module": [[14, "module-pycellga.tests.test_fms"]], "pycellga.tests.test_grid module": [[14, "module-pycellga.tests.test_grid"]], "pycellga.tests.test_griewank_function module": [[14, "module-pycellga.tests.test_griewank_function"]], "pycellga.tests.test_holzman_function module": [[14, "module-pycellga.tests.test_holzman_function"]], "pycellga.tests.test_individual module": [[14, "module-pycellga.tests.test_individual"]], "pycellga.tests.test_insertion_mutation module": [[14, "module-pycellga.tests.test_insertion_mutation"]], "pycellga.tests.test_levy_function module": [[14, "module-pycellga.tests.test_levy_function"]], "pycellga.tests.test_linear_5 module": [[14, "module-pycellga.tests.test_linear_5"]], "pycellga.tests.test_linear_9 module": [[14, "module-pycellga.tests.test_linear_9"]], "pycellga.tests.test_linear_crossover module": [[14, "module-pycellga.tests.test_linear_crossover"]], "pycellga.tests.test_matyas_function module": [[14, "module-pycellga.tests.test_matyas_function"]], "pycellga.tests.test_maxcut100 module": [[14, "module-pycellga.tests.test_maxcut100"]], "pycellga.tests.test_maxcut20_01 module": [[14, "module-pycellga.tests.test_maxcut20_01"]], "pycellga.tests.test_maxcut20_09 module": [[14, "module-pycellga.tests.test_maxcut20_09"]], "pycellga.tests.test_mmdp module": [[14, "module-pycellga.tests.test_mmdp"]], "pycellga.tests.test_one_max module": [[14, "module-pycellga.tests.test_one_max"]], "pycellga.tests.test_one_point_crossover module": [[14, "module-pycellga.tests.test_one_point_crossover"]], "pycellga.tests.test_optimizer_alpha_cga module": [[14, "module-pycellga.tests.test_optimizer_alpha_cga"]], "pycellga.tests.test_optimizer_ccga module": [[14, "module-pycellga.tests.test_optimizer_ccga"]], "pycellga.tests.test_optimizer_cga module": [[14, "module-pycellga.tests.test_optimizer_cga"]], "pycellga.tests.test_optimizer_mccga module": [[14, "module-pycellga.tests.test_optimizer_mccga"]], "pycellga.tests.test_optimizer_sync_cga module": [[14, "module-pycellga.tests.test_optimizer_sync_cga"]], "pycellga.tests.test_peak module": [[14, "module-pycellga.tests.test_peak"]], "pycellga.tests.test_pmx_crossover module": [[14, "module-pycellga.tests.test_pmx_crossover"]], "pycellga.tests.test_population module": [[14, "module-pycellga.tests.test_population"]], "pycellga.tests.test_pow_function module": [[14, "module-pycellga.tests.test_pow_function"]], "pycellga.tests.test_powell_function module": [[14, "module-pycellga.tests.test_powell_function"]], "pycellga.tests.test_rastrigin module": [[14, "module-pycellga.tests.test_rastrigin"]], "pycellga.tests.test_rosenbrock module": [[14, "module-pycellga.tests.test_rosenbrock"]], "pycellga.tests.test_rothellipsoid_function module": [[14, "module-pycellga.tests.test_rothellipsoid_function"]], "pycellga.tests.test_roulette_wheel_selection module": [[14, "module-pycellga.tests.test_roulette_wheel_selection"]], "pycellga.tests.test_schaffer2_function module": [[14, "module-pycellga.tests.test_schaffer2_function"]], "pycellga.tests.test_schaffer_function module": [[14, "module-pycellga.tests.test_schaffer_function"]], "pycellga.tests.test_schwefel module": [[14, "module-pycellga.tests.test_schwefel"]], "pycellga.tests.test_shuffle_mutation module": [[14, "module-pycellga.tests.test_shuffle_mutation"]], "pycellga.tests.test_sphere module": [[14, "module-pycellga.tests.test_sphere"]], "pycellga.tests.test_styblinskitang_function module": [[14, "module-pycellga.tests.test_styblinskitang_function"]], "pycellga.tests.test_sumofdifferentpowers_function module": [[14, "module-pycellga.tests.test_sumofdifferentpowers_function"]], "pycellga.tests.test_swap_mutation module": [[14, "module-pycellga.tests.test_swap_mutation"]], "pycellga.tests.test_threehumps_function module": [[14, "module-pycellga.tests.test_threehumps_function"]], "pycellga.tests.test_tournament_selection module": [[14, "module-pycellga.tests.test_tournament_selection"]], "pycellga.tests.test_tsp module": [[14, "module-pycellga.tests.test_tsp"]], "pycellga.tests.test_two_opt_mutation module": [[14, "module-pycellga.tests.test_two_opt_mutation"]], "pycellga.tests.test_two_point_crossover module": [[14, "module-pycellga.tests.test_two_point_crossover"]], "pycellga.tests.test_unfair_average_crossover module": [[14, "module-pycellga.tests.test_unfair_average_crossover"]], "pycellga.tests.test_uniform_crossover module": [[14, "module-pycellga.tests.test_uniform_crossover"]], "pycellga.tests.test_zakharov_function module": [[14, "module-pycellga.tests.test_zakharov_function"]], "pycellga.tests.test_zettle_function module": [[14, "module-pycellga.tests.test_zettle_function"]], "setup module": [[15, null]]}, "docnames": ["index", "modules", "pycellga", "pycellga.example", "pycellga.mutation", "pycellga.neighborhoods", "pycellga.problems", "pycellga.problems.single_objective", "pycellga.problems.single_objective.continuous", "pycellga.problems.single_objective.discrete", "pycellga.problems.single_objective.discrete.binary", "pycellga.problems.single_objective.discrete.permutation", "pycellga.recombination", "pycellga.selection", "pycellga.tests", "setup"], "envversion": {"sphinx": 62, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.todo": 2, "sphinx.ext.viewcode": 1}, "filenames": ["index.rst", "modules.rst", "pycellga.rst", "pycellga.example.rst", "pycellga.mutation.rst", "pycellga.neighborhoods.rst", "pycellga.problems.rst", "pycellga.problems.single_objective.rst", "pycellga.problems.single_objective.continuous.rst", "pycellga.problems.single_objective.discrete.rst", "pycellga.problems.single_objective.discrete.binary.rst", "pycellga.problems.single_objective.discrete.permutation.rst", "pycellga.recombination.rst", "pycellga.selection.rst", "pycellga.tests.rst", "setup.rst"], "indexentries": {"__init__() (pycellga.example.example_alpha_cga.exampleproblem method)": [[3, "pycellga.example.example_alpha_cga.ExampleProblem.__init__", false]], "__init__() (pycellga.example.example_ccga.exampleproblem method)": [[3, "pycellga.example.example_ccga.ExampleProblem.__init__", false]], "__init__() (pycellga.example.example_cga.exampleproblem method)": [[3, "pycellga.example.example_cga.ExampleProblem.__init__", false]], "__init__() (pycellga.example.example_mcccga.realproblem method)": [[3, "pycellga.example.example_mcccga.RealProblem.__init__", false]], "__init__() (pycellga.example.example_sync_cga.exampleproblem method)": [[3, "pycellga.example.example_sync_cga.ExampleProblem.__init__", false]], "__init__() (pycellga.grid.grid method)": [[2, "pycellga.grid.Grid.__init__", false]], "__init__() (pycellga.mutation.bit_flip_mutation.bitflipmutation method)": [[4, "pycellga.mutation.bit_flip_mutation.BitFlipMutation.__init__", false]], "__init__() (pycellga.mutation.byte_mutation.bytemutation method)": [[4, "pycellga.mutation.byte_mutation.ByteMutation.__init__", false]], "__init__() (pycellga.mutation.byte_mutation_random.bytemutationrandom method)": [[4, "pycellga.mutation.byte_mutation_random.ByteMutationRandom.__init__", false]], "__init__() (pycellga.mutation.float_uniform_mutation.floatuniformmutation method)": [[4, "pycellga.mutation.float_uniform_mutation.FloatUniformMutation.__init__", false]], "__init__() (pycellga.mutation.insertion_mutation.insertionmutation method)": [[4, "pycellga.mutation.insertion_mutation.InsertionMutation.__init__", false]], "__init__() (pycellga.mutation.shuffle_mutation.shufflemutation method)": [[4, "pycellga.mutation.shuffle_mutation.ShuffleMutation.__init__", false]], "__init__() (pycellga.mutation.swap_mutation.swapmutation method)": [[4, "pycellga.mutation.swap_mutation.SwapMutation.__init__", false]], "__init__() (pycellga.mutation.two_opt_mutation.twooptmutation method)": [[4, "pycellga.mutation.two_opt_mutation.TwoOptMutation.__init__", false]], "__init__() (pycellga.neighborhoods.compact_13.compact13 method)": [[5, "pycellga.neighborhoods.compact_13.Compact13.__init__", false]], "__init__() (pycellga.neighborhoods.compact_21.compact21 method)": [[5, "pycellga.neighborhoods.compact_21.Compact21.__init__", false]], "__init__() (pycellga.neighborhoods.compact_25.compact25 method)": [[5, "pycellga.neighborhoods.compact_25.Compact25.__init__", false]], "__init__() (pycellga.neighborhoods.compact_9.compact9 method)": [[5, "pycellga.neighborhoods.compact_9.Compact9.__init__", false]], "__init__() (pycellga.neighborhoods.linear_5.linear5 method)": [[5, "pycellga.neighborhoods.linear_5.Linear5.__init__", false]], "__init__() (pycellga.neighborhoods.linear_9.linear9 method)": [[5, "pycellga.neighborhoods.linear_9.Linear9.__init__", false]], "__init__() (pycellga.recombination.arithmetic_crossover.arithmeticcrossover method)": [[12, "pycellga.recombination.arithmetic_crossover.ArithmeticCrossover.__init__", false]], "__init__() (pycellga.recombination.blxalpha_crossover.blxalphacrossover method)": [[12, "pycellga.recombination.blxalpha_crossover.BlxalphaCrossover.__init__", false]], "__init__() (pycellga.recombination.byte_one_point_crossover.byteonepointcrossover method)": [[12, "pycellga.recombination.byte_one_point_crossover.ByteOnePointCrossover.__init__", false]], "__init__() (pycellga.recombination.byte_uniform_crossover.byteuniformcrossover method)": [[12, "pycellga.recombination.byte_uniform_crossover.ByteUniformCrossover.__init__", false]], "__init__() (pycellga.recombination.flat_crossover.flatcrossover method)": [[12, "pycellga.recombination.flat_crossover.FlatCrossover.__init__", false]], "__init__() (pycellga.recombination.linear_crossover.linearcrossover method)": [[12, "pycellga.recombination.linear_crossover.LinearCrossover.__init__", false]], "__init__() (pycellga.recombination.one_point_crossover.onepointcrossover method)": [[12, "pycellga.recombination.one_point_crossover.OnePointCrossover.__init__", false]], "__init__() (pycellga.recombination.pmx_crossover.pmxcrossover method)": [[12, "pycellga.recombination.pmx_crossover.PMXCrossover.__init__", false]], "__init__() (pycellga.recombination.two_point_crossover.twopointcrossover method)": [[12, "pycellga.recombination.two_point_crossover.TwoPointCrossover.__init__", false]], "__init__() (pycellga.recombination.unfair_avarage_crossover.unfairavaragecrossover method)": [[12, "pycellga.recombination.unfair_avarage_crossover.UnfairAvarageCrossover.__init__", false]], "__init__() (pycellga.recombination.uniform_crossover.uniformcrossover method)": [[12, "pycellga.recombination.uniform_crossover.UniformCrossover.__init__", false]], "__init__() (pycellga.selection.roulette_wheel_selection.roulettewheelselection method)": [[13, "pycellga.selection.roulette_wheel_selection.RouletteWheelSelection.__init__", false]], "__init__() (pycellga.selection.tournament_selection.tournamentselection method)": [[13, "pycellga.selection.tournament_selection.TournamentSelection.__init__", false]], "__init__() (pycellga.tests.test_optimizer_alpha_cga.binaryproblem method)": [[14, "pycellga.tests.test_optimizer_alpha_cga.BinaryProblem.__init__", false]], "__init__() (pycellga.tests.test_optimizer_alpha_cga.permutationproblem method)": [[14, "pycellga.tests.test_optimizer_alpha_cga.PermutationProblem.__init__", false]], "__init__() (pycellga.tests.test_optimizer_alpha_cga.realproblem method)": [[14, "pycellga.tests.test_optimizer_alpha_cga.RealProblem.__init__", false]], "__init__() (pycellga.tests.test_optimizer_ccga.binaryproblem method)": [[14, "pycellga.tests.test_optimizer_ccga.BinaryProblem.__init__", false]], "__init__() (pycellga.tests.test_optimizer_cga.binaryproblem method)": [[14, "pycellga.tests.test_optimizer_cga.BinaryProblem.__init__", false]], "__init__() (pycellga.tests.test_optimizer_cga.permutationproblem method)": [[14, "pycellga.tests.test_optimizer_cga.PermutationProblem.__init__", false]], "__init__() (pycellga.tests.test_optimizer_cga.realproblem method)": [[14, "pycellga.tests.test_optimizer_cga.RealProblem.__init__", false]], "__init__() (pycellga.tests.test_optimizer_mccga.realproblem method)": [[14, "pycellga.tests.test_optimizer_mccga.RealProblem.__init__", false]], "__init__() (pycellga.tests.test_optimizer_sync_cga.binaryproblem method)": [[14, "pycellga.tests.test_optimizer_sync_cga.BinaryProblem.__init__", false]], "__init__() (pycellga.tests.test_optimizer_sync_cga.permutationproblem method)": [[14, "pycellga.tests.test_optimizer_sync_cga.PermutationProblem.__init__", false]], "__init__() (pycellga.tests.test_optimizer_sync_cga.realproblem method)": [[14, "pycellga.tests.test_optimizer_sync_cga.RealProblem.__init__", false]], "abstractproblem (class in pycellga.problems.abstract_problem)": [[6, "pycellga.problems.abstract_problem.AbstractProblem", false]], "ackley (class in pycellga.problems.single_objective.continuous.ackley)": [[8, "pycellga.problems.single_objective.continuous.ackley.Ackley", false]], "arithmeticcrossover (class in pycellga.recombination.arithmetic_crossover)": [[12, "pycellga.recombination.arithmetic_crossover.ArithmeticCrossover", false]], "bentcigar (class in pycellga.problems.single_objective.continuous.bentcigar)": [[8, "pycellga.problems.single_objective.continuous.bentcigar.Bentcigar", false]], "binaryproblem (class in pycellga.tests.test_optimizer_alpha_cga)": [[14, "pycellga.tests.test_optimizer_alpha_cga.BinaryProblem", false]], "binaryproblem (class in pycellga.tests.test_optimizer_ccga)": [[14, "pycellga.tests.test_optimizer_ccga.BinaryProblem", false]], "binaryproblem (class in pycellga.tests.test_optimizer_cga)": [[14, "pycellga.tests.test_optimizer_cga.BinaryProblem", false]], "binaryproblem (class in pycellga.tests.test_optimizer_sync_cga)": [[14, "pycellga.tests.test_optimizer_sync_cga.BinaryProblem", false]], "bitflipmutation (class in pycellga.mutation.bit_flip_mutation)": [[4, "pycellga.mutation.bit_flip_mutation.BitFlipMutation", false]], "bits_to_float() (in module pycellga.byte_operators)": [[2, "pycellga.byte_operators.bits_to_float", false]], "bits_to_floats() (in module pycellga.byte_operators)": [[2, "pycellga.byte_operators.bits_to_floats", false]], "blxalphacrossover (class in pycellga.recombination.blxalpha_crossover)": [[12, "pycellga.recombination.blxalpha_crossover.BlxalphaCrossover", false]], "bohachevsky (class in pycellga.problems.single_objective.continuous.bohachevsky)": [[8, "pycellga.problems.single_objective.continuous.bohachevsky.Bohachevsky", false]], "bytemutation (class in pycellga.mutation.byte_mutation)": [[4, "pycellga.mutation.byte_mutation.ByteMutation", false]], "bytemutationrandom (class in pycellga.mutation.byte_mutation_random)": [[4, "pycellga.mutation.byte_mutation_random.ByteMutationRandom", false]], "byteonepointcrossover (class in pycellga.recombination.byte_one_point_crossover)": [[12, "pycellga.recombination.byte_one_point_crossover.ByteOnePointCrossover", false]], "byteuniformcrossover (class in pycellga.recombination.byte_uniform_crossover)": [[12, "pycellga.recombination.byte_uniform_crossover.ByteUniformCrossover", false]], "calculate_neighbors_positions() (pycellga.neighborhoods.compact_13.compact13 method)": [[5, "pycellga.neighborhoods.compact_13.Compact13.calculate_neighbors_positions", false]], "calculate_neighbors_positions() (pycellga.neighborhoods.compact_21.compact21 method)": [[5, "pycellga.neighborhoods.compact_21.Compact21.calculate_neighbors_positions", false]], "calculate_neighbors_positions() (pycellga.neighborhoods.compact_25.compact25 method)": [[5, "pycellga.neighborhoods.compact_25.Compact25.calculate_neighbors_positions", false]], "calculate_neighbors_positions() (pycellga.neighborhoods.compact_9.compact9 method)": [[5, "pycellga.neighborhoods.compact_9.Compact9.calculate_neighbors_positions", false]], "calculate_neighbors_positions() (pycellga.neighborhoods.linear_5.linear5 method)": [[5, "pycellga.neighborhoods.linear_5.Linear5.calculate_neighbors_positions", false]], "calculate_neighbors_positions() (pycellga.neighborhoods.linear_9.linear9 method)": [[5, "pycellga.neighborhoods.linear_9.Linear9.calculate_neighbors_positions", false]], "chichinadze (class in pycellga.problems.single_objective.continuous.chichinadze)": [[8, "pycellga.problems.single_objective.continuous.chichinadze.Chichinadze", false]], "combine() (pycellga.recombination.blxalpha_crossover.blxalphacrossover method)": [[12, "pycellga.recombination.blxalpha_crossover.BlxalphaCrossover.combine", false]], "combine() (pycellga.recombination.byte_uniform_crossover.byteuniformcrossover method)": [[12, "pycellga.recombination.byte_uniform_crossover.ByteUniformCrossover.combine", false]], "combine() (pycellga.recombination.flat_crossover.flatcrossover method)": [[12, "pycellga.recombination.flat_crossover.FlatCrossover.combine", false]], "combine() (pycellga.recombination.linear_crossover.linearcrossover method)": [[12, "pycellga.recombination.linear_crossover.LinearCrossover.combine", false]], "combine() (pycellga.recombination.uniform_crossover.uniformcrossover method)": [[12, "pycellga.recombination.uniform_crossover.UniformCrossover.combine", false]], "compact13 (class in pycellga.neighborhoods.compact_13)": [[5, "pycellga.neighborhoods.compact_13.Compact13", false]], "compact21 (class in pycellga.neighborhoods.compact_21)": [[5, "pycellga.neighborhoods.compact_21.Compact21", false]], "compact25 (class in pycellga.neighborhoods.compact_25)": [[5, "pycellga.neighborhoods.compact_25.Compact25", false]], "compact9 (class in pycellga.neighborhoods.compact_9)": [[5, "pycellga.neighborhoods.compact_9.Compact9", false]], "countsat (class in pycellga.problems.single_objective.discrete.binary.count_sat)": [[10, "pycellga.problems.single_objective.discrete.binary.count_sat.CountSat", false]], "dropwave (class in pycellga.problems.single_objective.continuous.dropwave)": [[8, "pycellga.problems.single_objective.continuous.dropwave.Dropwave", false]], "ecc (class in pycellga.problems.single_objective.discrete.binary.ecc)": [[10, "pycellga.problems.single_objective.discrete.binary.ecc.Ecc", false]], "ecc_instance() (in module pycellga.tests.test_ecc)": [[14, "pycellga.tests.test_ecc.ecc_instance", false]], "euclidean_dist() (pycellga.problems.single_objective.discrete.permutation.tsp.tsp method)": [[11, "pycellga.problems.single_objective.discrete.permutation.tsp.Tsp.euclidean_dist", false]], "exampleproblem (class in pycellga.example.example_alpha_cga)": [[3, "pycellga.example.example_alpha_cga.ExampleProblem", false]], "exampleproblem (class in pycellga.example.example_ccga)": [[3, "pycellga.example.example_ccga.ExampleProblem", false]], "exampleproblem (class in pycellga.example.example_cga)": [[3, "pycellga.example.example_cga.ExampleProblem", false]], "exampleproblem (class in pycellga.example.example_sync_cga)": [[3, "pycellga.example.example_sync_cga.ExampleProblem", false]], "f() (pycellga.example.example_alpha_cga.exampleproblem method)": [[3, "pycellga.example.example_alpha_cga.ExampleProblem.f", false]], "f() (pycellga.example.example_ccga.exampleproblem method)": [[3, "pycellga.example.example_ccga.ExampleProblem.f", false]], "f() (pycellga.example.example_cga.exampleproblem method)": [[3, "pycellga.example.example_cga.ExampleProblem.f", false]], "f() (pycellga.example.example_mcccga.realproblem method)": [[3, "pycellga.example.example_mcccga.RealProblem.f", false]], "f() (pycellga.example.example_sync_cga.exampleproblem method)": [[3, "pycellga.example.example_sync_cga.ExampleProblem.f", false]], "f() (pycellga.problems.abstract_problem.abstractproblem method)": [[6, "id0", false], [6, "pycellga.problems.abstract_problem.AbstractProblem.f", false]], "f() (pycellga.problems.single_objective.continuous.ackley.ackley method)": [[8, "id0", false], [8, "pycellga.problems.single_objective.continuous.ackley.Ackley.f", false]], "f() (pycellga.problems.single_objective.continuous.bentcigar.bentcigar method)": [[8, "id1", false], [8, "pycellga.problems.single_objective.continuous.bentcigar.Bentcigar.f", false]], "f() (pycellga.problems.single_objective.continuous.bohachevsky.bohachevsky method)": [[8, "id2", false], [8, "pycellga.problems.single_objective.continuous.bohachevsky.Bohachevsky.f", false]], "f() (pycellga.problems.single_objective.continuous.chichinadze.chichinadze method)": [[8, "id3", false], [8, "pycellga.problems.single_objective.continuous.chichinadze.Chichinadze.f", false]], "f() (pycellga.problems.single_objective.continuous.dropwave.dropwave method)": [[8, "id4", false], [8, "pycellga.problems.single_objective.continuous.dropwave.Dropwave.f", false]], "f() (pycellga.problems.single_objective.continuous.fms.fms method)": [[8, "id5", false], [8, "pycellga.problems.single_objective.continuous.fms.Fms.f", false]], "f() (pycellga.problems.single_objective.continuous.griewank.griewank method)": [[8, "id6", false], [8, "pycellga.problems.single_objective.continuous.griewank.Griewank.f", false]], "f() (pycellga.problems.single_objective.continuous.holzman.holzman method)": [[8, "id7", false], [8, "pycellga.problems.single_objective.continuous.holzman.Holzman.f", false]], "f() (pycellga.problems.single_objective.continuous.levy.levy method)": [[8, "id8", false], [8, "pycellga.problems.single_objective.continuous.levy.Levy.f", false]], "f() (pycellga.problems.single_objective.continuous.matyas.matyas method)": [[8, "id9", false], [8, "pycellga.problems.single_objective.continuous.matyas.Matyas.f", false]], "f() (pycellga.problems.single_objective.continuous.pow.pow method)": [[8, "id10", false], [8, "pycellga.problems.single_objective.continuous.pow.Pow.f", false]], "f() (pycellga.problems.single_objective.continuous.powell.powell method)": [[8, "id11", false], [8, "pycellga.problems.single_objective.continuous.powell.Powell.f", false]], "f() (pycellga.problems.single_objective.continuous.rastrigin.rastrigin method)": [[8, "id12", false], [8, "pycellga.problems.single_objective.continuous.rastrigin.Rastrigin.f", false]], "f() (pycellga.problems.single_objective.continuous.rosenbrock.rosenbrock method)": [[8, "id13", false], [8, "pycellga.problems.single_objective.continuous.rosenbrock.Rosenbrock.f", false]], "f() (pycellga.problems.single_objective.continuous.rothellipsoid.rothellipsoid method)": [[8, "id14", false], [8, "pycellga.problems.single_objective.continuous.rothellipsoid.Rothellipsoid.f", false]], "f() (pycellga.problems.single_objective.continuous.schaffer.schaffer method)": [[8, "id15", false], [8, "pycellga.problems.single_objective.continuous.schaffer.Schaffer.f", false]], "f() (pycellga.problems.single_objective.continuous.schaffer2.schaffer2 method)": [[8, "id16", false], [8, "pycellga.problems.single_objective.continuous.schaffer2.Schaffer2.f", false]], "f() (pycellga.problems.single_objective.continuous.schwefel.schwefel method)": [[8, "id17", false], [8, "pycellga.problems.single_objective.continuous.schwefel.Schwefel.f", false]], "f() (pycellga.problems.single_objective.continuous.sphere.sphere method)": [[8, "id18", false], [8, "pycellga.problems.single_objective.continuous.sphere.Sphere.f", false]], "f() (pycellga.problems.single_objective.continuous.styblinskitang.styblinskitang method)": [[8, "id19", false], [8, "pycellga.problems.single_objective.continuous.styblinskitang.StyblinskiTang.f", false]], "f() (pycellga.problems.single_objective.continuous.sumofdifferentpowers.sumofdifferentpowers method)": [[8, "pycellga.problems.single_objective.continuous.sumofdifferentpowers.Sumofdifferentpowers.f", false]], "f() (pycellga.problems.single_objective.continuous.threehumps.threehumps method)": [[8, "id20", false], [8, "pycellga.problems.single_objective.continuous.threehumps.Threehumps.f", false]], "f() (pycellga.problems.single_objective.continuous.zakharov.zakharov method)": [[8, "id21", false], [8, "pycellga.problems.single_objective.continuous.zakharov.Zakharov.f", false]], "f() (pycellga.problems.single_objective.continuous.zettle.zettle method)": [[8, "id22", false], [8, "pycellga.problems.single_objective.continuous.zettle.Zettle.f", false]], "f() (pycellga.problems.single_objective.discrete.binary.count_sat.countsat method)": [[10, "id0", false], [10, "pycellga.problems.single_objective.discrete.binary.count_sat.CountSat.f", false]], "f() (pycellga.problems.single_objective.discrete.binary.ecc.ecc method)": [[10, "id1", false], [10, "pycellga.problems.single_objective.discrete.binary.ecc.Ecc.f", false]], "f() (pycellga.problems.single_objective.discrete.binary.fms.fms method)": [[10, "id2", false], [10, "pycellga.problems.single_objective.discrete.binary.fms.Fms.f", false]], "f() (pycellga.problems.single_objective.discrete.binary.maxcut100.maxcut100 method)": [[10, "id3", false], [10, "pycellga.problems.single_objective.discrete.binary.maxcut100.Maxcut100.f", false]], "f() (pycellga.problems.single_objective.discrete.binary.maxcut20_01.maxcut20_01 method)": [[10, "id4", false], [10, "pycellga.problems.single_objective.discrete.binary.maxcut20_01.Maxcut20_01.f", false]], "f() (pycellga.problems.single_objective.discrete.binary.maxcut20_09.maxcut20_09 method)": [[10, "id5", false], [10, "pycellga.problems.single_objective.discrete.binary.maxcut20_09.Maxcut20_09.f", false]], "f() (pycellga.problems.single_objective.discrete.binary.mmdp.mmdp method)": [[10, "id6", false], [10, "pycellga.problems.single_objective.discrete.binary.mmdp.Mmdp.f", false]], "f() (pycellga.problems.single_objective.discrete.binary.one_max.onemax method)": [[10, "id7", false], [10, "pycellga.problems.single_objective.discrete.binary.one_max.OneMax.f", false]], "f() (pycellga.problems.single_objective.discrete.binary.peak.peak method)": [[10, "id8", false], [10, "pycellga.problems.single_objective.discrete.binary.peak.Peak.f", false]], "f() (pycellga.problems.single_objective.discrete.permutation.tsp.tsp method)": [[11, "pycellga.problems.single_objective.discrete.permutation.tsp.Tsp.f", false]], "f() (pycellga.tests.test_arithmetic_crossover.mockproblem method)": [[14, "pycellga.tests.test_arithmetic_crossover.MockProblem.f", false]], "f() (pycellga.tests.test_blxalpha_crossover.mockproblem method)": [[14, "pycellga.tests.test_blxalpha_crossover.MockProblem.f", false]], "f() (pycellga.tests.test_byte_mutation.mockproblem method)": [[14, "pycellga.tests.test_byte_mutation.MockProblem.f", false]], "f() (pycellga.tests.test_byte_mutation_random.mockproblem method)": [[14, "pycellga.tests.test_byte_mutation_random.MockProblem.f", false]], "f() (pycellga.tests.test_byte_one_point_crossover.mockproblem method)": [[14, "pycellga.tests.test_byte_one_point_crossover.MockProblem.f", false]], "f() (pycellga.tests.test_byte_uniform_crossover.mockproblem method)": [[14, "pycellga.tests.test_byte_uniform_crossover.MockProblem.f", false]], "f() (pycellga.tests.test_flat_crossover.mockproblem method)": [[14, "pycellga.tests.test_flat_crossover.MockProblem.f", false]], "f() (pycellga.tests.test_float_uniform_mutation.mockproblem method)": [[14, "pycellga.tests.test_float_uniform_mutation.MockProblem.f", false]], "f() (pycellga.tests.test_linear_crossover.mockproblem method)": [[14, "pycellga.tests.test_linear_crossover.MockProblem.f", false]], "f() (pycellga.tests.test_optimizer_alpha_cga.binaryproblem method)": [[14, "pycellga.tests.test_optimizer_alpha_cga.BinaryProblem.f", false]], "f() (pycellga.tests.test_optimizer_alpha_cga.permutationproblem method)": [[14, "pycellga.tests.test_optimizer_alpha_cga.PermutationProblem.f", false]], "f() (pycellga.tests.test_optimizer_alpha_cga.realproblem method)": [[14, "pycellga.tests.test_optimizer_alpha_cga.RealProblem.f", false]], "f() (pycellga.tests.test_optimizer_ccga.binaryproblem method)": [[14, "pycellga.tests.test_optimizer_ccga.BinaryProblem.f", false]], "f() (pycellga.tests.test_optimizer_cga.binaryproblem method)": [[14, "pycellga.tests.test_optimizer_cga.BinaryProblem.f", false]], "f() (pycellga.tests.test_optimizer_cga.permutationproblem method)": [[14, "pycellga.tests.test_optimizer_cga.PermutationProblem.f", false]], "f() (pycellga.tests.test_optimizer_cga.realproblem method)": [[14, "pycellga.tests.test_optimizer_cga.RealProblem.f", false]], "f() (pycellga.tests.test_optimizer_mccga.realproblem method)": [[14, "pycellga.tests.test_optimizer_mccga.RealProblem.f", false]], "f() (pycellga.tests.test_optimizer_sync_cga.binaryproblem method)": [[14, "pycellga.tests.test_optimizer_sync_cga.BinaryProblem.f", false]], "f() (pycellga.tests.test_optimizer_sync_cga.permutationproblem method)": [[14, "pycellga.tests.test_optimizer_sync_cga.PermutationProblem.f", false]], "f() (pycellga.tests.test_optimizer_sync_cga.realproblem method)": [[14, "pycellga.tests.test_optimizer_sync_cga.RealProblem.f", false]], "f() (pycellga.tests.test_population.mockproblem method)": [[14, "id0", false], [14, "pycellga.tests.test_population.MockProblem.f", false]], "f() (pycellga.tests.test_pow_function.pow method)": [[14, "id1", false], [14, "pycellga.tests.test_pow_function.Pow.f", false]], "f() (pycellga.tests.test_unfair_average_crossover.mockproblem method)": [[14, "pycellga.tests.test_unfair_average_crossover.MockProblem.f", false]], "flatcrossover (class in pycellga.recombination.flat_crossover)": [[12, "pycellga.recombination.flat_crossover.FlatCrossover", false]], "float_to_bits() (in module pycellga.byte_operators)": [[2, "pycellga.byte_operators.float_to_bits", false]], "floats_to_bits() (in module pycellga.byte_operators)": [[2, "pycellga.byte_operators.floats_to_bits", false]], "floatuniformmutation (class in pycellga.mutation.float_uniform_mutation)": [[4, "pycellga.mutation.float_uniform_mutation.FloatUniformMutation", false]], "fms (class in pycellga.problems.single_objective.continuous.fms)": [[8, "pycellga.problems.single_objective.continuous.fms.Fms", false]], "fms (class in pycellga.problems.single_objective.discrete.binary.fms)": [[10, "pycellga.problems.single_objective.discrete.binary.fms.Fms", false]], "fms_instance() (in module pycellga.tests.test_fms)": [[14, "pycellga.tests.test_fms.fms_instance", false]], "get_parents() (pycellga.selection.roulette_wheel_selection.roulettewheelselection method)": [[13, "pycellga.selection.roulette_wheel_selection.RouletteWheelSelection.get_parents", false]], "get_parents() (pycellga.selection.selection_operator.selectionoperator method)": [[13, "pycellga.selection.selection_operator.SelectionOperator.get_parents", false]], "get_parents() (pycellga.selection.tournament_selection.tournamentselection method)": [[13, "pycellga.selection.tournament_selection.TournamentSelection.get_parents", false]], "get_recombinations() (pycellga.recombination.arithmetic_crossover.arithmeticcrossover method)": [[12, "pycellga.recombination.arithmetic_crossover.ArithmeticCrossover.get_recombinations", false]], "get_recombinations() (pycellga.recombination.blxalpha_crossover.blxalphacrossover method)": [[12, "pycellga.recombination.blxalpha_crossover.BlxalphaCrossover.get_recombinations", false]], "get_recombinations() (pycellga.recombination.byte_one_point_crossover.byteonepointcrossover method)": [[12, "pycellga.recombination.byte_one_point_crossover.ByteOnePointCrossover.get_recombinations", false]], "get_recombinations() (pycellga.recombination.byte_uniform_crossover.byteuniformcrossover method)": [[12, "pycellga.recombination.byte_uniform_crossover.ByteUniformCrossover.get_recombinations", false]], "get_recombinations() (pycellga.recombination.flat_crossover.flatcrossover method)": [[12, "pycellga.recombination.flat_crossover.FlatCrossover.get_recombinations", false]], "get_recombinations() (pycellga.recombination.linear_crossover.linearcrossover method)": [[12, "pycellga.recombination.linear_crossover.LinearCrossover.get_recombinations", false]], "get_recombinations() (pycellga.recombination.one_point_crossover.onepointcrossover method)": [[12, "pycellga.recombination.one_point_crossover.OnePointCrossover.get_recombinations", false]], "get_recombinations() (pycellga.recombination.pmx_crossover.pmxcrossover method)": [[12, "pycellga.recombination.pmx_crossover.PMXCrossover.get_recombinations", false]], "get_recombinations() (pycellga.recombination.recombination_operator.recombinationoperator method)": [[12, "pycellga.recombination.recombination_operator.RecombinationOperator.get_recombinations", false]], "get_recombinations() (pycellga.recombination.two_point_crossover.twopointcrossover method)": [[12, "pycellga.recombination.two_point_crossover.TwoPointCrossover.get_recombinations", false]], "get_recombinations() (pycellga.recombination.unfair_avarage_crossover.unfairavaragecrossover method)": [[12, "pycellga.recombination.unfair_avarage_crossover.UnfairAvarageCrossover.get_recombinations", false]], "get_recombinations() (pycellga.recombination.uniform_crossover.uniformcrossover method)": [[12, "pycellga.recombination.uniform_crossover.UniformCrossover.get_recombinations", false]], "gographical_dist() (pycellga.problems.single_objective.discrete.permutation.tsp.tsp method)": [[11, "pycellga.problems.single_objective.discrete.permutation.tsp.Tsp.gographical_dist", false]], "grid (class in pycellga.grid)": [[2, "pycellga.grid.Grid", false]], "griewank (class in pycellga.problems.single_objective.continuous.griewank)": [[8, "pycellga.problems.single_objective.continuous.griewank.Griewank", false]], "holzman (class in pycellga.problems.single_objective.continuous.holzman)": [[8, "pycellga.problems.single_objective.continuous.holzman.Holzman", false]], "insertionmutation (class in pycellga.mutation.insertion_mutation)": [[4, "pycellga.mutation.insertion_mutation.InsertionMutation", false]], "levy (class in pycellga.problems.single_objective.continuous.levy)": [[8, "pycellga.problems.single_objective.continuous.levy.Levy", false]], "linear5 (class in pycellga.neighborhoods.linear_5)": [[5, "pycellga.neighborhoods.linear_5.Linear5", false]], "linear9 (class in pycellga.neighborhoods.linear_9)": [[5, "pycellga.neighborhoods.linear_9.Linear9", false]], "linearcrossover (class in pycellga.recombination.linear_crossover)": [[12, "pycellga.recombination.linear_crossover.LinearCrossover", false]], "make_2d_grid() (pycellga.grid.grid method)": [[2, "pycellga.grid.Grid.make_2d_grid", false]], "matyas (class in pycellga.problems.single_objective.continuous.matyas)": [[8, "pycellga.problems.single_objective.continuous.matyas.Matyas", false]], "maxcut100 (class in pycellga.problems.single_objective.discrete.binary.maxcut100)": [[10, "pycellga.problems.single_objective.discrete.binary.maxcut100.Maxcut100", false]], "maxcut20_01 (class in pycellga.problems.single_objective.discrete.binary.maxcut20_01)": [[10, "pycellga.problems.single_objective.discrete.binary.maxcut20_01.Maxcut20_01", false]], "maxcut20_09 (class in pycellga.problems.single_objective.discrete.binary.maxcut20_09)": [[10, "pycellga.problems.single_objective.discrete.binary.maxcut20_09.Maxcut20_09", false]], "maxcut_instance() (in module pycellga.tests.test_maxcut100)": [[14, "pycellga.tests.test_maxcut100.maxcut_instance", false]], "maxcut_instance() (in module pycellga.tests.test_maxcut20_01)": [[14, "pycellga.tests.test_maxcut20_01.maxcut_instance", false]], "maxcut_instance() (in module pycellga.tests.test_maxcut20_09)": [[14, "pycellga.tests.test_maxcut20_09.maxcut_instance", false]], "mmdp (class in pycellga.problems.single_objective.discrete.binary.mmdp)": [[10, "pycellga.problems.single_objective.discrete.binary.mmdp.Mmdp", false]], "mmdp_instance() (in module pycellga.tests.test_mmdp)": [[14, "pycellga.tests.test_mmdp.mmdp_instance", false]], "mockproblem (class in pycellga.tests.test_arithmetic_crossover)": [[14, "pycellga.tests.test_arithmetic_crossover.MockProblem", false]], "mockproblem (class in pycellga.tests.test_blxalpha_crossover)": [[14, "pycellga.tests.test_blxalpha_crossover.MockProblem", false]], "mockproblem (class in pycellga.tests.test_byte_mutation)": [[14, "pycellga.tests.test_byte_mutation.MockProblem", false]], "mockproblem (class in pycellga.tests.test_byte_mutation_random)": [[14, "pycellga.tests.test_byte_mutation_random.MockProblem", false]], "mockproblem (class in pycellga.tests.test_byte_one_point_crossover)": [[14, "pycellga.tests.test_byte_one_point_crossover.MockProblem", false]], "mockproblem (class in pycellga.tests.test_byte_uniform_crossover)": [[14, "pycellga.tests.test_byte_uniform_crossover.MockProblem", false]], "mockproblem (class in pycellga.tests.test_flat_crossover)": [[14, "pycellga.tests.test_flat_crossover.MockProblem", false]], "mockproblem (class in pycellga.tests.test_float_uniform_mutation)": [[14, "pycellga.tests.test_float_uniform_mutation.MockProblem", false]], "mockproblem (class in pycellga.tests.test_linear_crossover)": [[14, "pycellga.tests.test_linear_crossover.MockProblem", false]], "mockproblem (class in pycellga.tests.test_population)": [[14, "pycellga.tests.test_population.MockProblem", false]], "mockproblem (class in pycellga.tests.test_unfair_average_crossover)": [[14, "pycellga.tests.test_unfair_average_crossover.MockProblem", false]], "module": [[2, "module-pycellga", false], [2, "module-pycellga.byte_operators", false], [2, "module-pycellga.grid", false], [3, "module-pycellga.example", false], [3, "module-pycellga.example.example_alpha_cga", false], [3, "module-pycellga.example.example_ccga", false], [3, "module-pycellga.example.example_cga", false], [3, "module-pycellga.example.example_mcccga", false], [3, "module-pycellga.example.example_sync_cga", false], [4, "module-pycellga.mutation", false], [4, "module-pycellga.mutation.bit_flip_mutation", false], [4, "module-pycellga.mutation.byte_mutation", false], [4, "module-pycellga.mutation.byte_mutation_random", false], [4, "module-pycellga.mutation.float_uniform_mutation", false], [4, "module-pycellga.mutation.insertion_mutation", false], [4, "module-pycellga.mutation.mutation_operator", false], [4, "module-pycellga.mutation.shuffle_mutation", false], [4, "module-pycellga.mutation.swap_mutation", false], [4, "module-pycellga.mutation.two_opt_mutation", false], [5, "module-pycellga.neighborhoods", false], [5, "module-pycellga.neighborhoods.compact_13", false], [5, "module-pycellga.neighborhoods.compact_21", false], [5, "module-pycellga.neighborhoods.compact_25", false], [5, "module-pycellga.neighborhoods.compact_9", false], [5, "module-pycellga.neighborhoods.linear_5", false], [5, "module-pycellga.neighborhoods.linear_9", false], [6, "module-pycellga.problems", false], [6, "module-pycellga.problems.abstract_problem", false], [7, "module-pycellga.problems.single_objective", false], [8, "module-pycellga.problems.single_objective.continuous", false], [8, "module-pycellga.problems.single_objective.continuous.ackley", false], [8, "module-pycellga.problems.single_objective.continuous.bentcigar", false], [8, "module-pycellga.problems.single_objective.continuous.bohachevsky", false], [8, "module-pycellga.problems.single_objective.continuous.chichinadze", false], [8, "module-pycellga.problems.single_objective.continuous.dropwave", false], [8, "module-pycellga.problems.single_objective.continuous.fms", false], [8, "module-pycellga.problems.single_objective.continuous.griewank", false], [8, "module-pycellga.problems.single_objective.continuous.holzman", false], [8, "module-pycellga.problems.single_objective.continuous.levy", false], [8, "module-pycellga.problems.single_objective.continuous.matyas", false], [8, "module-pycellga.problems.single_objective.continuous.pow", false], [8, "module-pycellga.problems.single_objective.continuous.powell", false], [8, "module-pycellga.problems.single_objective.continuous.rastrigin", false], [8, "module-pycellga.problems.single_objective.continuous.rosenbrock", false], [8, "module-pycellga.problems.single_objective.continuous.rothellipsoid", false], [8, "module-pycellga.problems.single_objective.continuous.schaffer", false], [8, "module-pycellga.problems.single_objective.continuous.schaffer2", false], [8, "module-pycellga.problems.single_objective.continuous.schwefel", false], [8, "module-pycellga.problems.single_objective.continuous.sphere", false], [8, "module-pycellga.problems.single_objective.continuous.styblinskitang", false], [8, "module-pycellga.problems.single_objective.continuous.sumofdifferentpowers", false], [8, "module-pycellga.problems.single_objective.continuous.threehumps", false], [8, "module-pycellga.problems.single_objective.continuous.zakharov", false], [8, "module-pycellga.problems.single_objective.continuous.zettle", false], [9, "module-pycellga.problems.single_objective.discrete", false], [10, "module-pycellga.problems.single_objective.discrete.binary", false], [10, "module-pycellga.problems.single_objective.discrete.binary.count_sat", false], [10, "module-pycellga.problems.single_objective.discrete.binary.ecc", false], [10, "module-pycellga.problems.single_objective.discrete.binary.fms", false], [10, "module-pycellga.problems.single_objective.discrete.binary.maxcut100", false], [10, "module-pycellga.problems.single_objective.discrete.binary.maxcut20_01", false], [10, "module-pycellga.problems.single_objective.discrete.binary.maxcut20_09", false], [10, "module-pycellga.problems.single_objective.discrete.binary.mmdp", false], [10, "module-pycellga.problems.single_objective.discrete.binary.one_max", false], [10, "module-pycellga.problems.single_objective.discrete.binary.peak", false], [11, "module-pycellga.problems.single_objective.discrete.permutation", false], [11, "module-pycellga.problems.single_objective.discrete.permutation.tsp", false], [12, "module-pycellga.recombination", false], [12, "module-pycellga.recombination.arithmetic_crossover", false], [12, "module-pycellga.recombination.blxalpha_crossover", false], [12, "module-pycellga.recombination.byte_one_point_crossover", false], [12, "module-pycellga.recombination.byte_uniform_crossover", false], [12, "module-pycellga.recombination.flat_crossover", false], [12, "module-pycellga.recombination.linear_crossover", false], [12, "module-pycellga.recombination.one_point_crossover", false], [12, "module-pycellga.recombination.pmx_crossover", false], [12, "module-pycellga.recombination.recombination_operator", false], [12, "module-pycellga.recombination.two_point_crossover", false], [12, "module-pycellga.recombination.unfair_avarage_crossover", false], [12, "module-pycellga.recombination.uniform_crossover", false], [13, "module-pycellga.selection", false], [13, "module-pycellga.selection.roulette_wheel_selection", false], [13, "module-pycellga.selection.selection_operator", false], [13, "module-pycellga.selection.tournament_selection", false], [14, "module-pycellga.tests", false], [14, "module-pycellga.tests.conftest", false], [14, "module-pycellga.tests.test_ackley", false], [14, "module-pycellga.tests.test_arithmetic_crossover", false], [14, "module-pycellga.tests.test_bentcigar_function", false], [14, "module-pycellga.tests.test_bit_flip_mutation", false], [14, "module-pycellga.tests.test_blxalpha_crossover", false], [14, "module-pycellga.tests.test_bohachevsky", false], [14, "module-pycellga.tests.test_byte_mutation", false], [14, "module-pycellga.tests.test_byte_mutation_random", false], [14, "module-pycellga.tests.test_byte_one_point_crossover", false], [14, "module-pycellga.tests.test_byte_operators", false], [14, "module-pycellga.tests.test_byte_uniform_crossover", false], [14, "module-pycellga.tests.test_chichinadze_function", false], [14, "module-pycellga.tests.test_compact_13", false], [14, "module-pycellga.tests.test_compact_21", false], [14, "module-pycellga.tests.test_compact_25", false], [14, "module-pycellga.tests.test_compact_9", false], [14, "module-pycellga.tests.test_count_sat", false], [14, "module-pycellga.tests.test_dropwave_function", false], [14, "module-pycellga.tests.test_ecc", false], [14, "module-pycellga.tests.test_flat_crossover", false], [14, "module-pycellga.tests.test_float_uniform_mutation", false], [14, "module-pycellga.tests.test_fms", false], [14, "module-pycellga.tests.test_grid", false], [14, "module-pycellga.tests.test_griewank_function", false], [14, "module-pycellga.tests.test_holzman_function", false], [14, "module-pycellga.tests.test_individual", false], [14, "module-pycellga.tests.test_insertion_mutation", false], [14, "module-pycellga.tests.test_levy_function", false], [14, "module-pycellga.tests.test_linear_5", false], [14, "module-pycellga.tests.test_linear_9", false], [14, "module-pycellga.tests.test_linear_crossover", false], [14, "module-pycellga.tests.test_matyas_function", false], [14, "module-pycellga.tests.test_maxcut100", false], [14, "module-pycellga.tests.test_maxcut20_01", false], [14, "module-pycellga.tests.test_maxcut20_09", false], [14, "module-pycellga.tests.test_mmdp", false], [14, "module-pycellga.tests.test_one_max", false], [14, "module-pycellga.tests.test_one_point_crossover", false], [14, "module-pycellga.tests.test_optimizer_alpha_cga", false], [14, "module-pycellga.tests.test_optimizer_ccga", false], [14, "module-pycellga.tests.test_optimizer_cga", false], [14, "module-pycellga.tests.test_optimizer_mccga", false], [14, "module-pycellga.tests.test_optimizer_sync_cga", false], [14, "module-pycellga.tests.test_peak", false], [14, "module-pycellga.tests.test_pmx_crossover", false], [14, "module-pycellga.tests.test_population", false], [14, "module-pycellga.tests.test_pow_function", false], [14, "module-pycellga.tests.test_powell_function", false], [14, "module-pycellga.tests.test_rastrigin", false], [14, "module-pycellga.tests.test_rosenbrock", false], [14, "module-pycellga.tests.test_rothellipsoid_function", false], [14, "module-pycellga.tests.test_roulette_wheel_selection", false], [14, "module-pycellga.tests.test_schaffer2_function", false], [14, "module-pycellga.tests.test_schaffer_function", false], [14, "module-pycellga.tests.test_schwefel", false], [14, "module-pycellga.tests.test_shuffle_mutation", false], [14, "module-pycellga.tests.test_sphere", false], [14, "module-pycellga.tests.test_styblinskitang_function", false], [14, "module-pycellga.tests.test_sumofdifferentpowers_function", false], [14, "module-pycellga.tests.test_swap_mutation", false], [14, "module-pycellga.tests.test_threehumps_function", false], [14, "module-pycellga.tests.test_tournament_selection", false], [14, "module-pycellga.tests.test_tsp", false], [14, "module-pycellga.tests.test_two_opt_mutation", false], [14, "module-pycellga.tests.test_two_point_crossover", false], [14, "module-pycellga.tests.test_unfair_average_crossover", false], [14, "module-pycellga.tests.test_uniform_crossover", false], [14, "module-pycellga.tests.test_zakharov_function", false], [14, "module-pycellga.tests.test_zettle_function", false]], "mutate() (pycellga.mutation.bit_flip_mutation.bitflipmutation method)": [[4, "pycellga.mutation.bit_flip_mutation.BitFlipMutation.mutate", false]], "mutate() (pycellga.mutation.byte_mutation.bytemutation method)": [[4, "pycellga.mutation.byte_mutation.ByteMutation.mutate", false]], "mutate() (pycellga.mutation.byte_mutation_random.bytemutationrandom method)": [[4, "pycellga.mutation.byte_mutation_random.ByteMutationRandom.mutate", false]], "mutate() (pycellga.mutation.float_uniform_mutation.floatuniformmutation method)": [[4, "pycellga.mutation.float_uniform_mutation.FloatUniformMutation.mutate", false]], "mutate() (pycellga.mutation.insertion_mutation.insertionmutation method)": [[4, "pycellga.mutation.insertion_mutation.InsertionMutation.mutate", false]], "mutate() (pycellga.mutation.mutation_operator.mutationoperator method)": [[4, "pycellga.mutation.mutation_operator.MutationOperator.mutate", false]], "mutate() (pycellga.mutation.shuffle_mutation.shufflemutation method)": [[4, "pycellga.mutation.shuffle_mutation.ShuffleMutation.mutate", false]], "mutate() (pycellga.mutation.swap_mutation.swapmutation method)": [[4, "pycellga.mutation.swap_mutation.SwapMutation.mutate", false]], "mutate() (pycellga.mutation.two_opt_mutation.twooptmutation method)": [[4, "pycellga.mutation.two_opt_mutation.TwoOptMutation.mutate", false]], "mutationoperator (class in pycellga.mutation.mutation_operator)": [[4, "pycellga.mutation.mutation_operator.MutationOperator", false]], "n_cols (pycellga.grid.grid attribute)": [[2, "pycellga.grid.Grid.n_cols", false]], "n_rows (pycellga.grid.grid attribute)": [[2, "pycellga.grid.Grid.n_rows", false]], "none (pycellga.problems.single_objective.continuous.ackley.ackley attribute)": [[8, "pycellga.problems.single_objective.continuous.ackley.Ackley.None", false]], "none (pycellga.problems.single_objective.continuous.bentcigar.bentcigar attribute)": [[8, "pycellga.problems.single_objective.continuous.bentcigar.Bentcigar.None", false]], "none (pycellga.problems.single_objective.continuous.bohachevsky.bohachevsky attribute)": [[8, "pycellga.problems.single_objective.continuous.bohachevsky.Bohachevsky.None", false]], "none (pycellga.problems.single_objective.continuous.chichinadze.chichinadze attribute)": [[8, "pycellga.problems.single_objective.continuous.chichinadze.Chichinadze.None", false]], "none (pycellga.problems.single_objective.continuous.fms.fms attribute)": [[8, "pycellga.problems.single_objective.continuous.fms.Fms.None", false]], "none (pycellga.problems.single_objective.continuous.holzman.holzman attribute)": [[8, "pycellga.problems.single_objective.continuous.holzman.Holzman.None", false]], "none (pycellga.problems.single_objective.continuous.levy.levy attribute)": [[8, "pycellga.problems.single_objective.continuous.levy.Levy.None", false]], "none (pycellga.problems.single_objective.continuous.matyas.matyas attribute)": [[8, "pycellga.problems.single_objective.continuous.matyas.Matyas.None", false]], "none (pycellga.problems.single_objective.continuous.pow.pow attribute)": [[8, "pycellga.problems.single_objective.continuous.pow.Pow.None", false]], "none (pycellga.problems.single_objective.continuous.powell.powell attribute)": [[8, "pycellga.problems.single_objective.continuous.powell.Powell.None", false]], "none (pycellga.problems.single_objective.continuous.rastrigin.rastrigin attribute)": [[8, "pycellga.problems.single_objective.continuous.rastrigin.Rastrigin.None", false]], "none (pycellga.problems.single_objective.continuous.rosenbrock.rosenbrock attribute)": [[8, "pycellga.problems.single_objective.continuous.rosenbrock.Rosenbrock.None", false]], "none (pycellga.problems.single_objective.continuous.rothellipsoid.rothellipsoid attribute)": [[8, "pycellga.problems.single_objective.continuous.rothellipsoid.Rothellipsoid.None", false]], "none (pycellga.problems.single_objective.continuous.schaffer2.schaffer2 attribute)": [[8, "pycellga.problems.single_objective.continuous.schaffer2.Schaffer2.None", false]], "none (pycellga.problems.single_objective.continuous.schwefel.schwefel attribute)": [[8, "pycellga.problems.single_objective.continuous.schwefel.Schwefel.None", false]], "none (pycellga.problems.single_objective.continuous.sphere.sphere attribute)": [[8, "pycellga.problems.single_objective.continuous.sphere.Sphere.None", false]], "none (pycellga.problems.single_objective.continuous.styblinskitang.styblinskitang attribute)": [[8, "pycellga.problems.single_objective.continuous.styblinskitang.StyblinskiTang.None", false]], "none (pycellga.problems.single_objective.continuous.threehumps.threehumps attribute)": [[8, "pycellga.problems.single_objective.continuous.threehumps.Threehumps.None", false]], "none (pycellga.problems.single_objective.continuous.zakharov.zakharov attribute)": [[8, "pycellga.problems.single_objective.continuous.zakharov.Zakharov.None", false]], "none (pycellga.problems.single_objective.continuous.zettle.zettle attribute)": [[8, "pycellga.problems.single_objective.continuous.zettle.Zettle.None", false]], "none (pycellga.problems.single_objective.discrete.binary.count_sat.countsat attribute)": [[10, "pycellga.problems.single_objective.discrete.binary.count_sat.CountSat.None", false]], "none (pycellga.problems.single_objective.discrete.binary.ecc.ecc attribute)": [[10, "pycellga.problems.single_objective.discrete.binary.ecc.Ecc.None", false]], "none (pycellga.problems.single_objective.discrete.binary.fms.fms attribute)": [[10, "pycellga.problems.single_objective.discrete.binary.fms.Fms.None", false]], "none (pycellga.problems.single_objective.discrete.binary.maxcut100.maxcut100 attribute)": [[10, "pycellga.problems.single_objective.discrete.binary.maxcut100.Maxcut100.None", false]], "none (pycellga.problems.single_objective.discrete.binary.maxcut20_01.maxcut20_01 attribute)": [[10, "pycellga.problems.single_objective.discrete.binary.maxcut20_01.Maxcut20_01.None", false]], "none (pycellga.problems.single_objective.discrete.binary.maxcut20_09.maxcut20_09 attribute)": [[10, "pycellga.problems.single_objective.discrete.binary.maxcut20_09.Maxcut20_09.None", false]], "none (pycellga.problems.single_objective.discrete.binary.mmdp.mmdp attribute)": [[10, "pycellga.problems.single_objective.discrete.binary.mmdp.Mmdp.None", false]], "none (pycellga.problems.single_objective.discrete.binary.one_max.onemax attribute)": [[10, "pycellga.problems.single_objective.discrete.binary.one_max.OneMax.None", false]], "none (pycellga.problems.single_objective.discrete.binary.peak.peak attribute)": [[10, "pycellga.problems.single_objective.discrete.binary.peak.Peak.None", false]], "none (pycellga.tests.test_pow_function.pow attribute)": [[14, "pycellga.tests.test_pow_function.Pow.None", false]], "onemax (class in pycellga.problems.single_objective.discrete.binary.one_max)": [[10, "pycellga.problems.single_objective.discrete.binary.one_max.OneMax", false]], "onepointcrossover (class in pycellga.recombination.one_point_crossover)": [[12, "pycellga.recombination.one_point_crossover.OnePointCrossover", false]], "peak (class in pycellga.problems.single_objective.discrete.binary.peak)": [[10, "pycellga.problems.single_objective.discrete.binary.peak.Peak", false]], "peak_instance() (in module pycellga.tests.test_peak)": [[14, "pycellga.tests.test_peak.peak_instance", false]], "permutationproblem (class in pycellga.tests.test_optimizer_alpha_cga)": [[14, "pycellga.tests.test_optimizer_alpha_cga.PermutationProblem", false]], "permutationproblem (class in pycellga.tests.test_optimizer_cga)": [[14, "pycellga.tests.test_optimizer_cga.PermutationProblem", false]], "permutationproblem (class in pycellga.tests.test_optimizer_sync_cga)": [[14, "pycellga.tests.test_optimizer_sync_cga.PermutationProblem", false]], "pmxcrossover (class in pycellga.recombination.pmx_crossover)": [[12, "pycellga.recombination.pmx_crossover.PMXCrossover", false]], "pow (class in pycellga.problems.single_objective.continuous.pow)": [[8, "pycellga.problems.single_objective.continuous.pow.Pow", false]], "pow (class in pycellga.tests.test_pow_function)": [[14, "pycellga.tests.test_pow_function.Pow", false]], "powell (class in pycellga.problems.single_objective.continuous.powell)": [[8, "pycellga.problems.single_objective.continuous.powell.Powell", false]], "pycellga": [[2, "module-pycellga", false]], "pycellga.byte_operators": [[2, "module-pycellga.byte_operators", false]], "pycellga.example": [[3, "module-pycellga.example", false]], "pycellga.example.example_alpha_cga": [[3, "module-pycellga.example.example_alpha_cga", false]], "pycellga.example.example_ccga": [[3, "module-pycellga.example.example_ccga", false]], "pycellga.example.example_cga": [[3, "module-pycellga.example.example_cga", false]], "pycellga.example.example_mcccga": [[3, "module-pycellga.example.example_mcccga", false]], "pycellga.example.example_sync_cga": [[3, "module-pycellga.example.example_sync_cga", false]], "pycellga.grid": [[2, "module-pycellga.grid", false]], "pycellga.mutation": [[4, "module-pycellga.mutation", false]], "pycellga.mutation.bit_flip_mutation": [[4, "module-pycellga.mutation.bit_flip_mutation", false]], "pycellga.mutation.byte_mutation": [[4, "module-pycellga.mutation.byte_mutation", false]], "pycellga.mutation.byte_mutation_random": [[4, "module-pycellga.mutation.byte_mutation_random", false]], "pycellga.mutation.float_uniform_mutation": [[4, "module-pycellga.mutation.float_uniform_mutation", false]], "pycellga.mutation.insertion_mutation": [[4, "module-pycellga.mutation.insertion_mutation", false]], "pycellga.mutation.mutation_operator": [[4, "module-pycellga.mutation.mutation_operator", false]], "pycellga.mutation.shuffle_mutation": [[4, "module-pycellga.mutation.shuffle_mutation", false]], "pycellga.mutation.swap_mutation": [[4, "module-pycellga.mutation.swap_mutation", false]], "pycellga.mutation.two_opt_mutation": [[4, "module-pycellga.mutation.two_opt_mutation", false]], "pycellga.neighborhoods": [[5, "module-pycellga.neighborhoods", false]], "pycellga.neighborhoods.compact_13": [[5, "module-pycellga.neighborhoods.compact_13", false]], "pycellga.neighborhoods.compact_21": [[5, "module-pycellga.neighborhoods.compact_21", false]], "pycellga.neighborhoods.compact_25": [[5, "module-pycellga.neighborhoods.compact_25", false]], "pycellga.neighborhoods.compact_9": [[5, "module-pycellga.neighborhoods.compact_9", false]], "pycellga.neighborhoods.linear_5": [[5, "module-pycellga.neighborhoods.linear_5", false]], "pycellga.neighborhoods.linear_9": [[5, "module-pycellga.neighborhoods.linear_9", false]], "pycellga.problems": [[6, "module-pycellga.problems", false]], "pycellga.problems.abstract_problem": [[6, "module-pycellga.problems.abstract_problem", false]], "pycellga.problems.single_objective": [[7, "module-pycellga.problems.single_objective", false]], "pycellga.problems.single_objective.continuous": [[8, "module-pycellga.problems.single_objective.continuous", false]], "pycellga.problems.single_objective.continuous.ackley": [[8, "module-pycellga.problems.single_objective.continuous.ackley", false]], "pycellga.problems.single_objective.continuous.bentcigar": [[8, "module-pycellga.problems.single_objective.continuous.bentcigar", false]], "pycellga.problems.single_objective.continuous.bohachevsky": [[8, "module-pycellga.problems.single_objective.continuous.bohachevsky", false]], "pycellga.problems.single_objective.continuous.chichinadze": [[8, "module-pycellga.problems.single_objective.continuous.chichinadze", false]], "pycellga.problems.single_objective.continuous.dropwave": [[8, "module-pycellga.problems.single_objective.continuous.dropwave", false]], "pycellga.problems.single_objective.continuous.fms": [[8, "module-pycellga.problems.single_objective.continuous.fms", false]], "pycellga.problems.single_objective.continuous.griewank": [[8, "module-pycellga.problems.single_objective.continuous.griewank", false]], "pycellga.problems.single_objective.continuous.holzman": [[8, "module-pycellga.problems.single_objective.continuous.holzman", false]], "pycellga.problems.single_objective.continuous.levy": [[8, "module-pycellga.problems.single_objective.continuous.levy", false]], "pycellga.problems.single_objective.continuous.matyas": [[8, "module-pycellga.problems.single_objective.continuous.matyas", false]], "pycellga.problems.single_objective.continuous.pow": [[8, "module-pycellga.problems.single_objective.continuous.pow", false]], "pycellga.problems.single_objective.continuous.powell": [[8, "module-pycellga.problems.single_objective.continuous.powell", false]], "pycellga.problems.single_objective.continuous.rastrigin": [[8, "module-pycellga.problems.single_objective.continuous.rastrigin", false]], "pycellga.problems.single_objective.continuous.rosenbrock": [[8, "module-pycellga.problems.single_objective.continuous.rosenbrock", false]], "pycellga.problems.single_objective.continuous.rothellipsoid": [[8, "module-pycellga.problems.single_objective.continuous.rothellipsoid", false]], "pycellga.problems.single_objective.continuous.schaffer": [[8, "module-pycellga.problems.single_objective.continuous.schaffer", false]], "pycellga.problems.single_objective.continuous.schaffer2": [[8, "module-pycellga.problems.single_objective.continuous.schaffer2", false]], "pycellga.problems.single_objective.continuous.schwefel": [[8, "module-pycellga.problems.single_objective.continuous.schwefel", false]], "pycellga.problems.single_objective.continuous.sphere": [[8, "module-pycellga.problems.single_objective.continuous.sphere", false]], "pycellga.problems.single_objective.continuous.styblinskitang": [[8, "module-pycellga.problems.single_objective.continuous.styblinskitang", false]], "pycellga.problems.single_objective.continuous.sumofdifferentpowers": [[8, "module-pycellga.problems.single_objective.continuous.sumofdifferentpowers", false]], "pycellga.problems.single_objective.continuous.threehumps": [[8, "module-pycellga.problems.single_objective.continuous.threehumps", false]], "pycellga.problems.single_objective.continuous.zakharov": [[8, "module-pycellga.problems.single_objective.continuous.zakharov", false]], "pycellga.problems.single_objective.continuous.zettle": [[8, "module-pycellga.problems.single_objective.continuous.zettle", false]], "pycellga.problems.single_objective.discrete": [[9, "module-pycellga.problems.single_objective.discrete", false]], "pycellga.problems.single_objective.discrete.binary": [[10, "module-pycellga.problems.single_objective.discrete.binary", false]], "pycellga.problems.single_objective.discrete.binary.count_sat": [[10, "module-pycellga.problems.single_objective.discrete.binary.count_sat", false]], "pycellga.problems.single_objective.discrete.binary.ecc": [[10, "module-pycellga.problems.single_objective.discrete.binary.ecc", false]], "pycellga.problems.single_objective.discrete.binary.fms": [[10, "module-pycellga.problems.single_objective.discrete.binary.fms", false]], "pycellga.problems.single_objective.discrete.binary.maxcut100": [[10, "module-pycellga.problems.single_objective.discrete.binary.maxcut100", false]], "pycellga.problems.single_objective.discrete.binary.maxcut20_01": [[10, "module-pycellga.problems.single_objective.discrete.binary.maxcut20_01", false]], "pycellga.problems.single_objective.discrete.binary.maxcut20_09": [[10, "module-pycellga.problems.single_objective.discrete.binary.maxcut20_09", false]], "pycellga.problems.single_objective.discrete.binary.mmdp": [[10, "module-pycellga.problems.single_objective.discrete.binary.mmdp", false]], "pycellga.problems.single_objective.discrete.binary.one_max": [[10, "module-pycellga.problems.single_objective.discrete.binary.one_max", false]], "pycellga.problems.single_objective.discrete.binary.peak": [[10, "module-pycellga.problems.single_objective.discrete.binary.peak", false]], "pycellga.problems.single_objective.discrete.permutation": [[11, "module-pycellga.problems.single_objective.discrete.permutation", false]], "pycellga.problems.single_objective.discrete.permutation.tsp": [[11, "module-pycellga.problems.single_objective.discrete.permutation.tsp", false]], "pycellga.recombination": [[12, "module-pycellga.recombination", false]], "pycellga.recombination.arithmetic_crossover": [[12, "module-pycellga.recombination.arithmetic_crossover", false]], "pycellga.recombination.blxalpha_crossover": [[12, "module-pycellga.recombination.blxalpha_crossover", false]], "pycellga.recombination.byte_one_point_crossover": [[12, "module-pycellga.recombination.byte_one_point_crossover", false]], "pycellga.recombination.byte_uniform_crossover": [[12, "module-pycellga.recombination.byte_uniform_crossover", false]], "pycellga.recombination.flat_crossover": [[12, "module-pycellga.recombination.flat_crossover", false]], "pycellga.recombination.linear_crossover": [[12, "module-pycellga.recombination.linear_crossover", false]], "pycellga.recombination.one_point_crossover": [[12, "module-pycellga.recombination.one_point_crossover", false]], "pycellga.recombination.pmx_crossover": [[12, "module-pycellga.recombination.pmx_crossover", false]], "pycellga.recombination.recombination_operator": [[12, "module-pycellga.recombination.recombination_operator", false]], "pycellga.recombination.two_point_crossover": [[12, "module-pycellga.recombination.two_point_crossover", false]], "pycellga.recombination.unfair_avarage_crossover": [[12, "module-pycellga.recombination.unfair_avarage_crossover", false]], "pycellga.recombination.uniform_crossover": [[12, "module-pycellga.recombination.uniform_crossover", false]], "pycellga.selection": [[13, "module-pycellga.selection", false]], "pycellga.selection.roulette_wheel_selection": [[13, "module-pycellga.selection.roulette_wheel_selection", false]], "pycellga.selection.selection_operator": [[13, "module-pycellga.selection.selection_operator", false]], "pycellga.selection.tournament_selection": [[13, "module-pycellga.selection.tournament_selection", false]], "pycellga.tests": [[14, "module-pycellga.tests", false]], "pycellga.tests.conftest": [[14, "module-pycellga.tests.conftest", false]], "pycellga.tests.test_ackley": [[14, "module-pycellga.tests.test_ackley", false]], "pycellga.tests.test_arithmetic_crossover": [[14, "module-pycellga.tests.test_arithmetic_crossover", false]], "pycellga.tests.test_bentcigar_function": [[14, "module-pycellga.tests.test_bentcigar_function", false]], "pycellga.tests.test_bit_flip_mutation": [[14, "module-pycellga.tests.test_bit_flip_mutation", false]], "pycellga.tests.test_blxalpha_crossover": [[14, "module-pycellga.tests.test_blxalpha_crossover", false]], "pycellga.tests.test_bohachevsky": [[14, "module-pycellga.tests.test_bohachevsky", false]], "pycellga.tests.test_byte_mutation": [[14, "module-pycellga.tests.test_byte_mutation", false]], "pycellga.tests.test_byte_mutation_random": [[14, "module-pycellga.tests.test_byte_mutation_random", false]], "pycellga.tests.test_byte_one_point_crossover": [[14, "module-pycellga.tests.test_byte_one_point_crossover", false]], "pycellga.tests.test_byte_operators": [[14, "module-pycellga.tests.test_byte_operators", false]], "pycellga.tests.test_byte_uniform_crossover": [[14, "module-pycellga.tests.test_byte_uniform_crossover", false]], "pycellga.tests.test_chichinadze_function": [[14, "module-pycellga.tests.test_chichinadze_function", false]], "pycellga.tests.test_compact_13": [[14, "module-pycellga.tests.test_compact_13", false]], "pycellga.tests.test_compact_21": [[14, "module-pycellga.tests.test_compact_21", false]], "pycellga.tests.test_compact_25": [[14, "module-pycellga.tests.test_compact_25", false]], "pycellga.tests.test_compact_9": [[14, "module-pycellga.tests.test_compact_9", false]], "pycellga.tests.test_count_sat": [[14, "module-pycellga.tests.test_count_sat", false]], "pycellga.tests.test_dropwave_function": [[14, "module-pycellga.tests.test_dropwave_function", false]], "pycellga.tests.test_ecc": [[14, "module-pycellga.tests.test_ecc", false]], "pycellga.tests.test_flat_crossover": [[14, "module-pycellga.tests.test_flat_crossover", false]], "pycellga.tests.test_float_uniform_mutation": [[14, "module-pycellga.tests.test_float_uniform_mutation", false]], "pycellga.tests.test_fms": [[14, "module-pycellga.tests.test_fms", false]], "pycellga.tests.test_grid": [[14, "module-pycellga.tests.test_grid", false]], "pycellga.tests.test_griewank_function": [[14, "module-pycellga.tests.test_griewank_function", false]], "pycellga.tests.test_holzman_function": [[14, "module-pycellga.tests.test_holzman_function", false]], "pycellga.tests.test_individual": [[14, "module-pycellga.tests.test_individual", false]], "pycellga.tests.test_insertion_mutation": [[14, "module-pycellga.tests.test_insertion_mutation", false]], "pycellga.tests.test_levy_function": [[14, "module-pycellga.tests.test_levy_function", false]], "pycellga.tests.test_linear_5": [[14, "module-pycellga.tests.test_linear_5", false]], "pycellga.tests.test_linear_9": [[14, "module-pycellga.tests.test_linear_9", false]], "pycellga.tests.test_linear_crossover": [[14, "module-pycellga.tests.test_linear_crossover", false]], "pycellga.tests.test_matyas_function": [[14, "module-pycellga.tests.test_matyas_function", false]], "pycellga.tests.test_maxcut100": [[14, "module-pycellga.tests.test_maxcut100", false]], "pycellga.tests.test_maxcut20_01": [[14, "module-pycellga.tests.test_maxcut20_01", false]], "pycellga.tests.test_maxcut20_09": [[14, "module-pycellga.tests.test_maxcut20_09", false]], "pycellga.tests.test_mmdp": [[14, "module-pycellga.tests.test_mmdp", false]], "pycellga.tests.test_one_max": [[14, "module-pycellga.tests.test_one_max", false]], "pycellga.tests.test_one_point_crossover": [[14, "module-pycellga.tests.test_one_point_crossover", false]], "pycellga.tests.test_optimizer_alpha_cga": [[14, "module-pycellga.tests.test_optimizer_alpha_cga", false]], "pycellga.tests.test_optimizer_ccga": [[14, "module-pycellga.tests.test_optimizer_ccga", false]], "pycellga.tests.test_optimizer_cga": [[14, "module-pycellga.tests.test_optimizer_cga", false]], "pycellga.tests.test_optimizer_mccga": [[14, "module-pycellga.tests.test_optimizer_mccga", false]], "pycellga.tests.test_optimizer_sync_cga": [[14, "module-pycellga.tests.test_optimizer_sync_cga", false]], "pycellga.tests.test_peak": [[14, "module-pycellga.tests.test_peak", false]], "pycellga.tests.test_pmx_crossover": [[14, "module-pycellga.tests.test_pmx_crossover", false]], "pycellga.tests.test_population": [[14, "module-pycellga.tests.test_population", false]], "pycellga.tests.test_pow_function": [[14, "module-pycellga.tests.test_pow_function", false]], "pycellga.tests.test_powell_function": [[14, "module-pycellga.tests.test_powell_function", false]], "pycellga.tests.test_rastrigin": [[14, "module-pycellga.tests.test_rastrigin", false]], "pycellga.tests.test_rosenbrock": [[14, "module-pycellga.tests.test_rosenbrock", false]], "pycellga.tests.test_rothellipsoid_function": [[14, "module-pycellga.tests.test_rothellipsoid_function", false]], "pycellga.tests.test_roulette_wheel_selection": [[14, "module-pycellga.tests.test_roulette_wheel_selection", false]], "pycellga.tests.test_schaffer2_function": [[14, "module-pycellga.tests.test_schaffer2_function", false]], "pycellga.tests.test_schaffer_function": [[14, "module-pycellga.tests.test_schaffer_function", false]], "pycellga.tests.test_schwefel": [[14, "module-pycellga.tests.test_schwefel", false]], "pycellga.tests.test_shuffle_mutation": [[14, "module-pycellga.tests.test_shuffle_mutation", false]], "pycellga.tests.test_sphere": [[14, "module-pycellga.tests.test_sphere", false]], "pycellga.tests.test_styblinskitang_function": [[14, "module-pycellga.tests.test_styblinskitang_function", false]], "pycellga.tests.test_sumofdifferentpowers_function": [[14, "module-pycellga.tests.test_sumofdifferentpowers_function", false]], "pycellga.tests.test_swap_mutation": [[14, "module-pycellga.tests.test_swap_mutation", false]], "pycellga.tests.test_threehumps_function": [[14, "module-pycellga.tests.test_threehumps_function", false]], "pycellga.tests.test_tournament_selection": [[14, "module-pycellga.tests.test_tournament_selection", false]], "pycellga.tests.test_tsp": [[14, "module-pycellga.tests.test_tsp", false]], "pycellga.tests.test_two_opt_mutation": [[14, "module-pycellga.tests.test_two_opt_mutation", false]], "pycellga.tests.test_two_point_crossover": [[14, "module-pycellga.tests.test_two_point_crossover", false]], "pycellga.tests.test_unfair_average_crossover": [[14, "module-pycellga.tests.test_unfair_average_crossover", false]], "pycellga.tests.test_uniform_crossover": [[14, "module-pycellga.tests.test_uniform_crossover", false]], "pycellga.tests.test_zakharov_function": [[14, "module-pycellga.tests.test_zakharov_function", false]], "pycellga.tests.test_zettle_function": [[14, "module-pycellga.tests.test_zettle_function", false]], "rastrigin (class in pycellga.problems.single_objective.continuous.rastrigin)": [[8, "pycellga.problems.single_objective.continuous.rastrigin.Rastrigin", false]], "realproblem (class in pycellga.example.example_mcccga)": [[3, "pycellga.example.example_mcccga.RealProblem", false]], "realproblem (class in pycellga.tests.test_optimizer_alpha_cga)": [[14, "pycellga.tests.test_optimizer_alpha_cga.RealProblem", false]], "realproblem (class in pycellga.tests.test_optimizer_cga)": [[14, "pycellga.tests.test_optimizer_cga.RealProblem", false]], "realproblem (class in pycellga.tests.test_optimizer_mccga)": [[14, "pycellga.tests.test_optimizer_mccga.RealProblem", false]], "realproblem (class in pycellga.tests.test_optimizer_sync_cga)": [[14, "pycellga.tests.test_optimizer_sync_cga.RealProblem", false]], "recombinationoperator (class in pycellga.recombination.recombination_operator)": [[12, "pycellga.recombination.recombination_operator.RecombinationOperator", false]], "rosenbrock (class in pycellga.problems.single_objective.continuous.rosenbrock)": [[8, "pycellga.problems.single_objective.continuous.rosenbrock.Rosenbrock", false]], "rothellipsoid (class in pycellga.problems.single_objective.continuous.rothellipsoid)": [[8, "pycellga.problems.single_objective.continuous.rothellipsoid.Rothellipsoid", false]], "roulettewheelselection (class in pycellga.selection.roulette_wheel_selection)": [[13, "pycellga.selection.roulette_wheel_selection.RouletteWheelSelection", false]], "run_alpha_cga_example() (in module pycellga.example.example_alpha_cga)": [[3, "pycellga.example.example_alpha_cga.run_alpha_cga_example", false]], "run_ccga_example() (in module pycellga.example.example_ccga)": [[3, "pycellga.example.example_ccga.run_ccga_example", false]], "run_cga_example() (in module pycellga.example.example_cga)": [[3, "pycellga.example.example_cga.run_cga_example", false]], "run_mcccga_example() (in module pycellga.example.example_mcccga)": [[3, "pycellga.example.example_mcccga.run_mcccga_example", false]], "run_sync_cga_example() (in module pycellga.example.example_sync_cga)": [[3, "pycellga.example.example_sync_cga.run_sync_cga_example", false]], "schaffer (class in pycellga.problems.single_objective.continuous.schaffer)": [[8, "pycellga.problems.single_objective.continuous.schaffer.Schaffer", false]], "schaffer2 (class in pycellga.problems.single_objective.continuous.schaffer2)": [[8, "pycellga.problems.single_objective.continuous.schaffer2.Schaffer2", false]], "schwefel (class in pycellga.problems.single_objective.continuous.schwefel)": [[8, "pycellga.problems.single_objective.continuous.schwefel.Schwefel", false]], "selectionoperator (class in pycellga.selection.selection_operator)": [[13, "pycellga.selection.selection_operator.SelectionOperator", false]], "setup_bentcigar() (in module pycellga.tests.test_bentcigar_function)": [[14, "pycellga.tests.test_bentcigar_function.setup_bentcigar", false]], "setup_chichinadze() (in module pycellga.tests.test_chichinadze_function)": [[14, "pycellga.tests.test_chichinadze_function.setup_chichinadze", false]], "setup_dropwave() (in module pycellga.tests.test_dropwave_function)": [[14, "pycellga.tests.test_dropwave_function.setup_dropwave", false]], "setup_griewank() (in module pycellga.tests.test_griewank_function)": [[14, "pycellga.tests.test_griewank_function.setup_griewank", false]], "setup_holzman() (in module pycellga.tests.test_holzman_function)": [[14, "pycellga.tests.test_holzman_function.setup_holzman", false]], "setup_individual() (in module pycellga.tests.test_byte_mutation)": [[14, "pycellga.tests.test_byte_mutation.setup_individual", false]], "setup_individual() (in module pycellga.tests.test_byte_mutation_random)": [[14, "pycellga.tests.test_byte_mutation_random.setup_individual", false]], "setup_individual() (in module pycellga.tests.test_float_uniform_mutation)": [[14, "pycellga.tests.test_float_uniform_mutation.setup_individual", false]], "setup_individual() (in module pycellga.tests.test_individual)": [[14, "pycellga.tests.test_individual.setup_individual", false]], "setup_levy() (in module pycellga.tests.test_levy_function)": [[14, "pycellga.tests.test_levy_function.setup_levy", false]], "setup_matyas() (in module pycellga.tests.test_matyas_function)": [[14, "pycellga.tests.test_matyas_function.setup_matyas", false]], "setup_parents() (in module pycellga.tests.test_arithmetic_crossover)": [[14, "pycellga.tests.test_arithmetic_crossover.setup_parents", false]], "setup_parents() (in module pycellga.tests.test_blxalpha_crossover)": [[14, "pycellga.tests.test_blxalpha_crossover.setup_parents", false]], "setup_parents() (in module pycellga.tests.test_byte_one_point_crossover)": [[14, "pycellga.tests.test_byte_one_point_crossover.setup_parents", false]], "setup_parents() (in module pycellga.tests.test_byte_uniform_crossover)": [[14, "pycellga.tests.test_byte_uniform_crossover.setup_parents", false]], "setup_parents() (in module pycellga.tests.test_flat_crossover)": [[14, "pycellga.tests.test_flat_crossover.setup_parents", false]], "setup_parents() (in module pycellga.tests.test_linear_crossover)": [[14, "pycellga.tests.test_linear_crossover.setup_parents", false]], "setup_parents() (in module pycellga.tests.test_unfair_average_crossover)": [[14, "pycellga.tests.test_unfair_average_crossover.setup_parents", false]], "setup_population() (in module pycellga.tests.test_population)": [[14, "pycellga.tests.test_population.setup_population", false]], "setup_powell() (in module pycellga.tests.test_powell_function)": [[14, "pycellga.tests.test_powell_function.setup_powell", false]], "setup_problem() (in module pycellga.tests.test_arithmetic_crossover)": [[14, "pycellga.tests.test_arithmetic_crossover.setup_problem", false]], "setup_problem() (in module pycellga.tests.test_blxalpha_crossover)": [[14, "pycellga.tests.test_blxalpha_crossover.setup_problem", false]], "setup_problem() (in module pycellga.tests.test_byte_mutation)": [[14, "pycellga.tests.test_byte_mutation.setup_problem", false]], "setup_problem() (in module pycellga.tests.test_byte_mutation_random)": [[14, "pycellga.tests.test_byte_mutation_random.setup_problem", false]], "setup_problem() (in module pycellga.tests.test_byte_one_point_crossover)": [[14, "pycellga.tests.test_byte_one_point_crossover.setup_problem", false]], "setup_problem() (in module pycellga.tests.test_byte_uniform_crossover)": [[14, "pycellga.tests.test_byte_uniform_crossover.setup_problem", false]], "setup_problem() (in module pycellga.tests.test_flat_crossover)": [[14, "pycellga.tests.test_flat_crossover.setup_problem", false]], "setup_problem() (in module pycellga.tests.test_float_uniform_mutation)": [[14, "pycellga.tests.test_float_uniform_mutation.setup_problem", false]], "setup_problem() (in module pycellga.tests.test_linear_crossover)": [[14, "pycellga.tests.test_linear_crossover.setup_problem", false]], "setup_problem() (in module pycellga.tests.test_unfair_average_crossover)": [[14, "pycellga.tests.test_unfair_average_crossover.setup_problem", false]], "setup_rothellipsoid() (in module pycellga.tests.test_rothellipsoid_function)": [[14, "pycellga.tests.test_rothellipsoid_function.setup_rothellipsoid", false]], "setup_schaffer() (in module pycellga.tests.test_schaffer_function)": [[14, "pycellga.tests.test_schaffer_function.setup_schaffer", false]], "setup_schaffer2() (in module pycellga.tests.test_schaffer2_function)": [[14, "pycellga.tests.test_schaffer2_function.setup_schaffer2", false]], "setup_styblinski_tang() (in module pycellga.tests.test_styblinskitang_function)": [[14, "pycellga.tests.test_styblinskitang_function.setup_styblinski_tang", false]], "setup_sumofdifferentpowers() (in module pycellga.tests.test_sumofdifferentpowers_function)": [[14, "pycellga.tests.test_sumofdifferentpowers_function.setup_sumofdifferentpowers", false]], "setup_threehumps() (in module pycellga.tests.test_threehumps_function)": [[14, "pycellga.tests.test_threehumps_function.setup_threehumps", false]], "setup_zettle() (in module pycellga.tests.test_zettle_function)": [[14, "pycellga.tests.test_zettle_function.setup_zettle", false]], "shufflemutation (class in pycellga.mutation.shuffle_mutation)": [[4, "pycellga.mutation.shuffle_mutation.ShuffleMutation", false]], "sphere (class in pycellga.problems.single_objective.continuous.sphere)": [[8, "pycellga.problems.single_objective.continuous.sphere.Sphere", false]], "styblinskitang (class in pycellga.problems.single_objective.continuous.styblinskitang)": [[8, "pycellga.problems.single_objective.continuous.styblinskitang.StyblinskiTang", false]], "sumofdifferentpowers (class in pycellga.problems.single_objective.continuous.sumofdifferentpowers)": [[8, "pycellga.problems.single_objective.continuous.sumofdifferentpowers.Sumofdifferentpowers", false]], "swapmutation (class in pycellga.mutation.swap_mutation)": [[4, "pycellga.mutation.swap_mutation.SwapMutation", false]], "test_ackley() (in module pycellga.tests.test_ackley)": [[14, "pycellga.tests.test_ackley.test_ackley", false]], "test_arithmetic_crossover() (in module pycellga.tests.test_arithmetic_crossover)": [[14, "pycellga.tests.test_arithmetic_crossover.test_arithmetic_crossover", false]], "test_bentcigar_function() (in module pycellga.tests.test_bentcigar_function)": [[14, "pycellga.tests.test_bentcigar_function.test_bentcigar_function", false]], "test_bit_flip_mutation() (in module pycellga.tests.test_bit_flip_mutation)": [[14, "pycellga.tests.test_bit_flip_mutation.test_bit_flip_mutation", false]], "test_bits_to_float() (in module pycellga.tests.test_byte_operators)": [[14, "pycellga.tests.test_byte_operators.test_bits_to_float", false]], "test_bits_to_floats() (in module pycellga.tests.test_byte_operators)": [[14, "pycellga.tests.test_byte_operators.test_bits_to_floats", false]], "test_blxalpha_crossover() (in module pycellga.tests.test_blxalpha_crossover)": [[14, "pycellga.tests.test_blxalpha_crossover.test_blxalpha_crossover", false]], "test_bohachevsky() (in module pycellga.tests.test_bohachevsky)": [[14, "pycellga.tests.test_bohachevsky.test_bohachevsky", false]], "test_byte_mutation() (in module pycellga.tests.test_byte_mutation)": [[14, "pycellga.tests.test_byte_mutation.test_byte_mutation", false]], "test_byte_mutation_random() (in module pycellga.tests.test_byte_mutation_random)": [[14, "pycellga.tests.test_byte_mutation_random.test_byte_mutation_random", false]], "test_byte_one_point_crossover() (in module pycellga.tests.test_byte_one_point_crossover)": [[14, "pycellga.tests.test_byte_one_point_crossover.test_byte_one_point_crossover", false]], "test_byte_uniform_crossover() (in module pycellga.tests.test_byte_uniform_crossover)": [[14, "pycellga.tests.test_byte_uniform_crossover.test_byte_uniform_crossover", false]], "test_chichinadze_function() (in module pycellga.tests.test_chichinadze_function)": [[14, "pycellga.tests.test_chichinadze_function.test_chichinadze_function", false]], "test_compact_13() (in module pycellga.tests.test_compact_13)": [[14, "pycellga.tests.test_compact_13.test_compact_13", false]], "test_compact_21() (in module pycellga.tests.test_compact_21)": [[14, "pycellga.tests.test_compact_21.test_compact_21", false]], "test_compact_25() (in module pycellga.tests.test_compact_25)": [[14, "pycellga.tests.test_compact_25.test_compact_25", false]], "test_compact_9() (in module pycellga.tests.test_compact_9)": [[14, "pycellga.tests.test_compact_9.test_compact_9", false]], "test_count_sat() (in module pycellga.tests.test_count_sat)": [[14, "pycellga.tests.test_count_sat.test_count_sat", false]], "test_dropwave_function() (in module pycellga.tests.test_dropwave_function)": [[14, "pycellga.tests.test_dropwave_function.test_dropwave_function", false]], "test_ecc() (in module pycellga.tests.test_ecc)": [[14, "pycellga.tests.test_ecc.test_ecc", false]], "test_fitness_evaluation() (in module pycellga.tests.test_population)": [[14, "pycellga.tests.test_population.test_fitness_evaluation", false]], "test_flat_crossover() (in module pycellga.tests.test_flat_crossover)": [[14, "pycellga.tests.test_flat_crossover.test_flat_crossover", false]], "test_float_to_bits() (in module pycellga.tests.test_byte_operators)": [[14, "pycellga.tests.test_byte_operators.test_float_to_bits", false]], "test_float_uniform_mutation() (in module pycellga.tests.test_float_uniform_mutation)": [[14, "pycellga.tests.test_float_uniform_mutation.test_float_uniform_mutation", false]], "test_floats_to_bits() (in module pycellga.tests.test_byte_operators)": [[14, "pycellga.tests.test_byte_operators.test_floats_to_bits", false]], "test_fms() (in module pycellga.tests.test_fms)": [[14, "pycellga.tests.test_fms.test_fms", false]], "test_get_set_neighbors() (in module pycellga.tests.test_individual)": [[14, "pycellga.tests.test_individual.test_get_set_neighbors", false]], "test_get_set_neighbors_positions() (in module pycellga.tests.test_individual)": [[14, "pycellga.tests.test_individual.test_get_set_neighbors_positions", false]], "test_grid() (in module pycellga.tests.test_grid)": [[14, "pycellga.tests.test_grid.test_grid", false]], "test_griewank_function() (in module pycellga.tests.test_griewank_function)": [[14, "pycellga.tests.test_griewank_function.test_griewank_function", false]], "test_holzman_function() (in module pycellga.tests.test_holzman_function)": [[14, "pycellga.tests.test_holzman_function.test_holzman_function", false]], "test_illegal_genome_type() (in module pycellga.tests.test_individual)": [[14, "pycellga.tests.test_individual.test_illegal_genome_type", false]], "test_individual_init() (in module pycellga.tests.test_individual)": [[14, "pycellga.tests.test_individual.test_individual_init", false]], "test_initial_population_size() (in module pycellga.tests.test_population)": [[14, "pycellga.tests.test_population.test_initial_population_size", false]], "test_insertion_mutation() (in module pycellga.tests.test_insertion_mutation)": [[14, "pycellga.tests.test_insertion_mutation.test_insertion_mutation", false]], "test_levy_function() (in module pycellga.tests.test_levy_function)": [[14, "pycellga.tests.test_levy_function.test_levy_function", false]], "test_linear_5() (in module pycellga.tests.test_linear_5)": [[14, "pycellga.tests.test_linear_5.test_linear_5", false]], "test_linear_9() (in module pycellga.tests.test_linear_9)": [[14, "pycellga.tests.test_linear_9.test_linear_9", false]], "test_linear_crossover() (in module pycellga.tests.test_linear_crossover)": [[14, "pycellga.tests.test_linear_crossover.test_linear_crossover", false]], "test_matyas_function() (in module pycellga.tests.test_matyas_function)": [[14, "pycellga.tests.test_matyas_function.test_matyas_function", false]], "test_maxcut100() (in module pycellga.tests.test_maxcut100)": [[14, "pycellga.tests.test_maxcut100.test_maxcut100", false]], "test_maxcut20_01() (in module pycellga.tests.test_maxcut20_01)": [[14, "pycellga.tests.test_maxcut20_01.test_maxcut20_01", false]], "test_maxcut20_09() (in module pycellga.tests.test_maxcut20_09)": [[14, "pycellga.tests.test_maxcut20_09.test_maxcut20_09", false]], "test_mmdp_function() (in module pycellga.tests.test_mmdp)": [[14, "pycellga.tests.test_mmdp.test_mmdp_function", false]], "test_neighborhood_assignment() (in module pycellga.tests.test_population)": [[14, "pycellga.tests.test_population.test_neighborhood_assignment", false]], "test_one_max() (in module pycellga.tests.test_one_max)": [[14, "pycellga.tests.test_one_max.test_one_max", false]], "test_one_point_crossover() (in module pycellga.tests.test_one_point_crossover)": [[14, "pycellga.tests.test_one_point_crossover.test_one_point_crossover", false]], "test_optimizer_alpha_cga_binary() (in module pycellga.tests.test_optimizer_alpha_cga)": [[14, "pycellga.tests.test_optimizer_alpha_cga.test_optimizer_alpha_cga_binary", false]], "test_optimizer_alpha_cga_no_variation() (in module pycellga.tests.test_optimizer_alpha_cga)": [[14, "pycellga.tests.test_optimizer_alpha_cga.test_optimizer_alpha_cga_no_variation", false]], "test_optimizer_alpha_cga_permutation() (pycellga.tests.test_optimizer_alpha_cga.permutationproblem method)": [[14, "pycellga.tests.test_optimizer_alpha_cga.PermutationProblem.test_optimizer_alpha_cga_permutation", false]], "test_optimizer_alpha_cga_real() (in module pycellga.tests.test_optimizer_alpha_cga)": [[14, "pycellga.tests.test_optimizer_alpha_cga.test_optimizer_alpha_cga_real", false]], "test_optimizer_ccga_binary() (in module pycellga.tests.test_optimizer_ccga)": [[14, "pycellga.tests.test_optimizer_ccga.test_optimizer_ccga_binary", false]], "test_optimizer_cga_binary() (in module pycellga.tests.test_optimizer_cga)": [[14, "pycellga.tests.test_optimizer_cga.test_optimizer_cga_binary", false]], "test_optimizer_cga_no_variation() (in module pycellga.tests.test_optimizer_cga)": [[14, "pycellga.tests.test_optimizer_cga.test_optimizer_cga_no_variation", false]], "test_optimizer_cga_permutation() (pycellga.tests.test_optimizer_cga.permutationproblem method)": [[14, "pycellga.tests.test_optimizer_cga.PermutationProblem.test_optimizer_cga_permutation", false]], "test_optimizer_cga_real() (in module pycellga.tests.test_optimizer_cga)": [[14, "pycellga.tests.test_optimizer_cga.test_optimizer_cga_real", false]], "test_optimizer_mcccga_binary() (in module pycellga.tests.test_optimizer_mccga)": [[14, "pycellga.tests.test_optimizer_mccga.test_optimizer_mcccga_binary", false]], "test_optimizer_sync_cga_binary() (in module pycellga.tests.test_optimizer_sync_cga)": [[14, "pycellga.tests.test_optimizer_sync_cga.test_optimizer_sync_cga_binary", false]], "test_optimizer_sync_cga_no_variation() (in module pycellga.tests.test_optimizer_sync_cga)": [[14, "pycellga.tests.test_optimizer_sync_cga.test_optimizer_sync_cga_no_variation", false]], "test_optimizer_sync_cga_permutation() (pycellga.tests.test_optimizer_sync_cga.permutationproblem method)": [[14, "pycellga.tests.test_optimizer_sync_cga.PermutationProblem.test_optimizer_sync_cga_permutation", false]], "test_optimizer_sync_cga_real() (in module pycellga.tests.test_optimizer_sync_cga)": [[14, "pycellga.tests.test_optimizer_sync_cga.test_optimizer_sync_cga_real", false]], "test_peak() (in module pycellga.tests.test_peak)": [[14, "pycellga.tests.test_peak.test_peak", false]], "test_pmx_crossover() (in module pycellga.tests.test_pmx_crossover)": [[14, "pycellga.tests.test_pmx_crossover.test_pmx_crossover", false]], "test_powell_function() (in module pycellga.tests.test_powell_function)": [[14, "pycellga.tests.test_powell_function.test_powell_function", false]], "test_randomize_binary() (in module pycellga.tests.test_individual)": [[14, "pycellga.tests.test_individual.test_randomize_binary", false]], "test_randomize_permutation() (in module pycellga.tests.test_individual)": [[14, "pycellga.tests.test_individual.test_randomize_permutation", false]], "test_randomize_real_valued() (in module pycellga.tests.test_individual)": [[14, "pycellga.tests.test_individual.test_randomize_real_valued", false]], "test_rastrigin() (in module pycellga.tests.test_rastrigin)": [[14, "pycellga.tests.test_rastrigin.test_rastrigin", false]], "test_rosenbrock() (in module pycellga.tests.test_rosenbrock)": [[14, "pycellga.tests.test_rosenbrock.test_rosenbrock", false]], "test_rothellipsoid_function() (in module pycellga.tests.test_rothellipsoid_function)": [[14, "pycellga.tests.test_rothellipsoid_function.test_rothellipsoid_function", false]], "test_roulette_wheel_selection() (in module pycellga.tests.test_roulette_wheel_selection)": [[14, "pycellga.tests.test_roulette_wheel_selection.test_roulette_wheel_selection", false]], "test_schaffer2_function() (in module pycellga.tests.test_schaffer2_function)": [[14, "pycellga.tests.test_schaffer2_function.test_schaffer2_function", false]], "test_schaffer_function() (in module pycellga.tests.test_schaffer_function)": [[14, "pycellga.tests.test_schaffer_function.test_schaffer_function", false]], "test_schwefel() (in module pycellga.tests.test_schwefel)": [[14, "pycellga.tests.test_schwefel.test_schwefel", false]], "test_shuffle_mutation() (in module pycellga.tests.test_shuffle_mutation)": [[14, "pycellga.tests.test_shuffle_mutation.test_shuffle_mutation", false]], "test_sphere() (in module pycellga.tests.test_sphere)": [[14, "pycellga.tests.test_sphere.test_sphere", false]], "test_styblinskitang_function() (in module pycellga.tests.test_styblinskitang_function)": [[14, "pycellga.tests.test_styblinskitang_function.test_styblinskitang_function", false]], "test_sumofdifferentpowers_function() (in module pycellga.tests.test_sumofdifferentpowers_function)": [[14, "pycellga.tests.test_sumofdifferentpowers_function.test_sumofdifferentpowers_function", false]], "test_swap_mutation() (in module pycellga.tests.test_swap_mutation)": [[14, "pycellga.tests.test_swap_mutation.test_swap_mutation", false]], "test_threehumps_function() (in module pycellga.tests.test_threehumps_function)": [[14, "pycellga.tests.test_threehumps_function.test_threehumps_function", false]], "test_tournament_selection() (in module pycellga.tests.test_tournament_selection)": [[14, "pycellga.tests.test_tournament_selection.test_tournament_selection", false]], "test_tsp() (in module pycellga.tests.test_tsp)": [[14, "pycellga.tests.test_tsp.test_tsp", false]], "test_two_opt_mutation() (in module pycellga.tests.test_two_opt_mutation)": [[14, "pycellga.tests.test_two_opt_mutation.test_two_opt_mutation", false]], "test_two_point_crossover() (in module pycellga.tests.test_two_point_crossover)": [[14, "pycellga.tests.test_two_point_crossover.test_two_point_crossover", false]], "test_unfair_average_crossover() (in module pycellga.tests.test_unfair_average_crossover)": [[14, "pycellga.tests.test_unfair_average_crossover.test_unfair_average_crossover", false]], "test_uniform_crossover() (in module pycellga.tests.test_uniform_crossover)": [[14, "pycellga.tests.test_uniform_crossover.test_uniform_crossover", false]], "test_zakharov_function() (in module pycellga.tests.test_zakharov_function)": [[14, "pycellga.tests.test_zakharov_function.test_zakharov_function", false]], "test_zettle_function() (in module pycellga.tests.test_zettle_function)": [[14, "pycellga.tests.test_zettle_function.test_zettle_function", false]], "threehumps (class in pycellga.problems.single_objective.continuous.threehumps)": [[8, "pycellga.problems.single_objective.continuous.threehumps.Threehumps", false]], "tournamentselection (class in pycellga.selection.tournament_selection)": [[13, "pycellga.selection.tournament_selection.TournamentSelection", false]], "tsp (class in pycellga.problems.single_objective.discrete.permutation.tsp)": [[11, "pycellga.problems.single_objective.discrete.permutation.tsp.Tsp", false]], "twooptmutation (class in pycellga.mutation.two_opt_mutation)": [[4, "pycellga.mutation.two_opt_mutation.TwoOptMutation", false]], "twopointcrossover (class in pycellga.recombination.two_point_crossover)": [[12, "pycellga.recombination.two_point_crossover.TwoPointCrossover", false]], "unfairavaragecrossover (class in pycellga.recombination.unfair_avarage_crossover)": [[12, "pycellga.recombination.unfair_avarage_crossover.UnfairAvarageCrossover", false]], "uniformcrossover (class in pycellga.recombination.uniform_crossover)": [[12, "pycellga.recombination.uniform_crossover.UniformCrossover", false]], "zakharov (class in pycellga.problems.single_objective.continuous.zakharov)": [[8, "pycellga.problems.single_objective.continuous.zakharov.Zakharov", false]], "zettle (class in pycellga.problems.single_objective.continuous.zettle)": [[8, "pycellga.problems.single_objective.continuous.zettle.Zettle", false]]}, "objects": {"": [[2, 0, 0, "-", "pycellga"]], "pycellga": [[2, 0, 0, "-", "byte_operators"], [3, 0, 0, "-", "example"], [2, 0, 0, "-", "grid"], [4, 0, 0, "-", "mutation"], [5, 0, 0, "-", "neighborhoods"], [6, 0, 0, "-", "problems"], [12, 0, 0, "-", "recombination"], [13, 0, 0, "-", "selection"], [14, 0, 0, "-", "tests"]], "pycellga.byte_operators": [[2, 1, 1, "", "bits_to_float"], [2, 1, 1, "", "bits_to_floats"], [2, 1, 1, "", "float_to_bits"], [2, 1, 1, "", "floats_to_bits"]], "pycellga.example": [[3, 0, 0, "-", "example_alpha_cga"], [3, 0, 0, "-", "example_ccga"], [3, 0, 0, "-", "example_cga"], [3, 0, 0, "-", "example_mcccga"], [3, 0, 0, "-", "example_sync_cga"]], "pycellga.example.example_alpha_cga": [[3, 2, 1, "", "ExampleProblem"], [3, 1, 1, "", "run_alpha_cga_example"]], "pycellga.example.example_alpha_cga.ExampleProblem": [[3, 3, 1, "", "__init__"], [3, 3, 1, "", "f"]], "pycellga.example.example_ccga": [[3, 2, 1, "", "ExampleProblem"], [3, 1, 1, "", "run_ccga_example"]], "pycellga.example.example_ccga.ExampleProblem": [[3, 3, 1, "", "__init__"], [3, 3, 1, "", "f"]], "pycellga.example.example_cga": [[3, 2, 1, "", "ExampleProblem"], [3, 1, 1, "", "run_cga_example"]], "pycellga.example.example_cga.ExampleProblem": [[3, 3, 1, "", "__init__"], [3, 3, 1, "", "f"]], "pycellga.example.example_mcccga": [[3, 2, 1, "", "RealProblem"], [3, 1, 1, "", "run_mcccga_example"]], "pycellga.example.example_mcccga.RealProblem": [[3, 3, 1, "", "__init__"], [3, 3, 1, "", "f"]], "pycellga.example.example_sync_cga": [[3, 2, 1, "", "ExampleProblem"], [3, 1, 1, "", "run_sync_cga_example"]], "pycellga.example.example_sync_cga.ExampleProblem": [[3, 3, 1, "", "__init__"], [3, 3, 1, "", "f"]], "pycellga.grid": [[2, 2, 1, "", "Grid"]], "pycellga.grid.Grid": [[2, 3, 1, "", "__init__"], [2, 3, 1, "", "make_2d_grid"], [2, 4, 1, "", "n_cols"], [2, 4, 1, "", "n_rows"]], "pycellga.mutation": [[4, 0, 0, "-", "bit_flip_mutation"], [4, 0, 0, "-", "byte_mutation"], [4, 0, 0, "-", "byte_mutation_random"], [4, 0, 0, "-", "float_uniform_mutation"], [4, 0, 0, "-", "insertion_mutation"], [4, 0, 0, "-", "mutation_operator"], [4, 0, 0, "-", "shuffle_mutation"], [4, 0, 0, "-", "swap_mutation"], [4, 0, 0, "-", "two_opt_mutation"]], "pycellga.mutation.bit_flip_mutation": [[4, 2, 1, "", "BitFlipMutation"]], "pycellga.mutation.bit_flip_mutation.BitFlipMutation": [[4, 3, 1, "", "__init__"], [4, 3, 1, "", "mutate"]], "pycellga.mutation.byte_mutation": [[4, 2, 1, "", "ByteMutation"]], "pycellga.mutation.byte_mutation.ByteMutation": [[4, 3, 1, "", "__init__"], [4, 3, 1, "", "mutate"]], "pycellga.mutation.byte_mutation_random": [[4, 2, 1, "", "ByteMutationRandom"]], "pycellga.mutation.byte_mutation_random.ByteMutationRandom": [[4, 3, 1, "", "__init__"], [4, 3, 1, "", "mutate"]], "pycellga.mutation.float_uniform_mutation": [[4, 2, 1, "", "FloatUniformMutation"]], "pycellga.mutation.float_uniform_mutation.FloatUniformMutation": [[4, 3, 1, "", "__init__"], [4, 3, 1, "", "mutate"]], "pycellga.mutation.insertion_mutation": [[4, 2, 1, "", "InsertionMutation"]], "pycellga.mutation.insertion_mutation.InsertionMutation": [[4, 3, 1, "", "__init__"], [4, 3, 1, "", "mutate"]], "pycellga.mutation.mutation_operator": [[4, 2, 1, "", "MutationOperator"]], "pycellga.mutation.mutation_operator.MutationOperator": [[4, 3, 1, "", "mutate"]], "pycellga.mutation.shuffle_mutation": [[4, 2, 1, "", "ShuffleMutation"]], "pycellga.mutation.shuffle_mutation.ShuffleMutation": [[4, 3, 1, "", "__init__"], [4, 3, 1, "", "mutate"]], "pycellga.mutation.swap_mutation": [[4, 2, 1, "", "SwapMutation"]], "pycellga.mutation.swap_mutation.SwapMutation": [[4, 3, 1, "", "__init__"], [4, 3, 1, "", "mutate"]], "pycellga.mutation.two_opt_mutation": [[4, 2, 1, "", "TwoOptMutation"]], "pycellga.mutation.two_opt_mutation.TwoOptMutation": [[4, 3, 1, "", "__init__"], [4, 3, 1, "", "mutate"]], "pycellga.neighborhoods": [[5, 0, 0, "-", "compact_13"], [5, 0, 0, "-", "compact_21"], [5, 0, 0, "-", "compact_25"], [5, 0, 0, "-", "compact_9"], [5, 0, 0, "-", "linear_5"], [5, 0, 0, "-", "linear_9"]], "pycellga.neighborhoods.compact_13": [[5, 2, 1, "", "Compact13"]], "pycellga.neighborhoods.compact_13.Compact13": [[5, 3, 1, "", "__init__"], [5, 3, 1, "", "calculate_neighbors_positions"]], "pycellga.neighborhoods.compact_21": [[5, 2, 1, "", "Compact21"]], "pycellga.neighborhoods.compact_21.Compact21": [[5, 3, 1, "", "__init__"], [5, 3, 1, "", "calculate_neighbors_positions"]], "pycellga.neighborhoods.compact_25": [[5, 2, 1, "", "Compact25"]], "pycellga.neighborhoods.compact_25.Compact25": [[5, 3, 1, "", "__init__"], [5, 3, 1, "", "calculate_neighbors_positions"]], "pycellga.neighborhoods.compact_9": [[5, 2, 1, "", "Compact9"]], "pycellga.neighborhoods.compact_9.Compact9": [[5, 3, 1, "", "__init__"], [5, 3, 1, "", "calculate_neighbors_positions"]], "pycellga.neighborhoods.linear_5": [[5, 2, 1, "", "Linear5"]], "pycellga.neighborhoods.linear_5.Linear5": [[5, 3, 1, "", "__init__"], [5, 3, 1, "", "calculate_neighbors_positions"]], "pycellga.neighborhoods.linear_9": [[5, 2, 1, "", "Linear9"]], "pycellga.neighborhoods.linear_9.Linear9": [[5, 3, 1, "", "__init__"], [5, 3, 1, "", "calculate_neighbors_positions"]], "pycellga.problems": [[6, 0, 0, "-", "abstract_problem"], [7, 0, 0, "-", "single_objective"]], "pycellga.problems.abstract_problem": [[6, 2, 1, "", "AbstractProblem"]], "pycellga.problems.abstract_problem.AbstractProblem": [[6, 3, 1, "id0", "f"]], "pycellga.problems.single_objective": [[8, 0, 0, "-", "continuous"], [9, 0, 0, "-", "discrete"]], "pycellga.problems.single_objective.continuous": [[8, 0, 0, "-", "ackley"], [8, 0, 0, "-", "bentcigar"], [8, 0, 0, "-", "bohachevsky"], [8, 0, 0, "-", "chichinadze"], [8, 0, 0, "-", "dropwave"], [8, 0, 0, "-", "fms"], [8, 0, 0, "-", "griewank"], [8, 0, 0, "-", "holzman"], [8, 0, 0, "-", "levy"], [8, 0, 0, "-", "matyas"], [8, 0, 0, "-", "pow"], [8, 0, 0, "-", "powell"], [8, 0, 0, "-", "rastrigin"], [8, 0, 0, "-", "rosenbrock"], [8, 0, 0, "-", "rothellipsoid"], [8, 0, 0, "-", "schaffer"], [8, 0, 0, "-", "schaffer2"], [8, 0, 0, "-", "schwefel"], [8, 0, 0, "-", "sphere"], [8, 0, 0, "-", "styblinskitang"], [8, 0, 0, "-", "sumofdifferentpowers"], [8, 0, 0, "-", "threehumps"], [8, 0, 0, "-", "zakharov"], [8, 0, 0, "-", "zettle"]], "pycellga.problems.single_objective.continuous.ackley": [[8, 2, 1, "", "Ackley"]], "pycellga.problems.single_objective.continuous.ackley.Ackley": [[8, 4, 1, "", "None"], [8, 3, 1, "id0", "f"]], "pycellga.problems.single_objective.continuous.bentcigar": [[8, 2, 1, "", "Bentcigar"]], "pycellga.problems.single_objective.continuous.bentcigar.Bentcigar": [[8, 4, 1, "", "None"], [8, 3, 1, "id1", "f"]], "pycellga.problems.single_objective.continuous.bohachevsky": [[8, 2, 1, "", "Bohachevsky"]], "pycellga.problems.single_objective.continuous.bohachevsky.Bohachevsky": [[8, 4, 1, "", "None"], [8, 3, 1, "id2", "f"]], "pycellga.problems.single_objective.continuous.chichinadze": [[8, 2, 1, "", "Chichinadze"]], "pycellga.problems.single_objective.continuous.chichinadze.Chichinadze": [[8, 4, 1, "", "None"], [8, 3, 1, "id3", "f"]], "pycellga.problems.single_objective.continuous.dropwave": [[8, 2, 1, "", "Dropwave"]], "pycellga.problems.single_objective.continuous.dropwave.Dropwave": [[8, 3, 1, "id4", "f"]], "pycellga.problems.single_objective.continuous.fms": [[8, 2, 1, "", "Fms"]], "pycellga.problems.single_objective.continuous.fms.Fms": [[8, 4, 1, "", "None"], [8, 3, 1, "id5", "f"]], "pycellga.problems.single_objective.continuous.griewank": [[8, 2, 1, "", "Griewank"]], "pycellga.problems.single_objective.continuous.griewank.Griewank": [[8, 3, 1, "id6", "f"]], "pycellga.problems.single_objective.continuous.holzman": [[8, 2, 1, "", "Holzman"]], "pycellga.problems.single_objective.continuous.holzman.Holzman": [[8, 4, 1, "", "None"], [8, 3, 1, "id7", "f"]], "pycellga.problems.single_objective.continuous.levy": [[8, 2, 1, "", "Levy"]], "pycellga.problems.single_objective.continuous.levy.Levy": [[8, 4, 1, "", "None"], [8, 3, 1, "id8", "f"]], "pycellga.problems.single_objective.continuous.matyas": [[8, 2, 1, "", "Matyas"]], "pycellga.problems.single_objective.continuous.matyas.Matyas": [[8, 4, 1, "", "None"], [8, 3, 1, "id9", "f"]], "pycellga.problems.single_objective.continuous.pow": [[8, 2, 1, "", "Pow"]], "pycellga.problems.single_objective.continuous.pow.Pow": [[8, 4, 1, "", "None"], [8, 3, 1, "id10", "f"]], "pycellga.problems.single_objective.continuous.powell": [[8, 2, 1, "", "Powell"]], "pycellga.problems.single_objective.continuous.powell.Powell": [[8, 4, 1, "", "None"], [8, 3, 1, "id11", "f"]], "pycellga.problems.single_objective.continuous.rastrigin": [[8, 2, 1, "", "Rastrigin"]], "pycellga.problems.single_objective.continuous.rastrigin.Rastrigin": [[8, 4, 1, "", "None"], [8, 3, 1, "id12", "f"]], "pycellga.problems.single_objective.continuous.rosenbrock": [[8, 2, 1, "", "Rosenbrock"]], "pycellga.problems.single_objective.continuous.rosenbrock.Rosenbrock": [[8, 4, 1, "", "None"], [8, 3, 1, "id13", "f"]], "pycellga.problems.single_objective.continuous.rothellipsoid": [[8, 2, 1, "", "Rothellipsoid"]], "pycellga.problems.single_objective.continuous.rothellipsoid.Rothellipsoid": [[8, 4, 1, "", "None"], [8, 3, 1, "id14", "f"]], "pycellga.problems.single_objective.continuous.schaffer": [[8, 2, 1, "", "Schaffer"]], "pycellga.problems.single_objective.continuous.schaffer.Schaffer": [[8, 3, 1, "id15", "f"]], "pycellga.problems.single_objective.continuous.schaffer2": [[8, 2, 1, "", "Schaffer2"]], "pycellga.problems.single_objective.continuous.schaffer2.Schaffer2": [[8, 4, 1, "", "None"], [8, 3, 1, "id16", "f"]], "pycellga.problems.single_objective.continuous.schwefel": [[8, 2, 1, "", "Schwefel"]], "pycellga.problems.single_objective.continuous.schwefel.Schwefel": [[8, 4, 1, "", "None"], [8, 3, 1, "id17", "f"]], "pycellga.problems.single_objective.continuous.sphere": [[8, 2, 1, "", "Sphere"]], "pycellga.problems.single_objective.continuous.sphere.Sphere": [[8, 4, 1, "", "None"], [8, 3, 1, "id18", "f"]], "pycellga.problems.single_objective.continuous.styblinskitang": [[8, 2, 1, "", "StyblinskiTang"]], "pycellga.problems.single_objective.continuous.styblinskitang.StyblinskiTang": [[8, 4, 1, "", "None"], [8, 3, 1, "id19", "f"]], "pycellga.problems.single_objective.continuous.sumofdifferentpowers": [[8, 2, 1, "", "Sumofdifferentpowers"]], "pycellga.problems.single_objective.continuous.sumofdifferentpowers.Sumofdifferentpowers": [[8, 3, 1, "", "f"]], "pycellga.problems.single_objective.continuous.threehumps": [[8, 2, 1, "", "Threehumps"]], "pycellga.problems.single_objective.continuous.threehumps.Threehumps": [[8, 4, 1, "", "None"], [8, 3, 1, "id20", "f"]], "pycellga.problems.single_objective.continuous.zakharov": [[8, 2, 1, "", "Zakharov"]], "pycellga.problems.single_objective.continuous.zakharov.Zakharov": [[8, 4, 1, "", "None"], [8, 3, 1, "id21", "f"]], "pycellga.problems.single_objective.continuous.zettle": [[8, 2, 1, "", "Zettle"]], "pycellga.problems.single_objective.continuous.zettle.Zettle": [[8, 4, 1, "", "None"], [8, 3, 1, "id22", "f"]], "pycellga.problems.single_objective.discrete": [[10, 0, 0, "-", "binary"], [11, 0, 0, "-", "permutation"]], "pycellga.problems.single_objective.discrete.binary": [[10, 0, 0, "-", "count_sat"], [10, 0, 0, "-", "ecc"], [10, 0, 0, "-", "fms"], [10, 0, 0, "-", "maxcut100"], [10, 0, 0, "-", "maxcut20_01"], [10, 0, 0, "-", "maxcut20_09"], [10, 0, 0, "-", "mmdp"], [10, 0, 0, "-", "one_max"], [10, 0, 0, "-", "peak"]], "pycellga.problems.single_objective.discrete.binary.count_sat": [[10, 2, 1, "", "CountSat"]], "pycellga.problems.single_objective.discrete.binary.count_sat.CountSat": [[10, 4, 1, "", "None"], [10, 3, 1, "id0", "f"]], "pycellga.problems.single_objective.discrete.binary.ecc": [[10, 2, 1, "", "Ecc"]], "pycellga.problems.single_objective.discrete.binary.ecc.Ecc": [[10, 4, 1, "", "None"], [10, 3, 1, "id1", "f"]], "pycellga.problems.single_objective.discrete.binary.fms": [[10, 2, 1, "", "Fms"]], "pycellga.problems.single_objective.discrete.binary.fms.Fms": [[10, 4, 1, "", "None"], [10, 3, 1, "id2", "f"]], "pycellga.problems.single_objective.discrete.binary.maxcut100": [[10, 2, 1, "", "Maxcut100"]], "pycellga.problems.single_objective.discrete.binary.maxcut100.Maxcut100": [[10, 4, 1, "", "None"], [10, 3, 1, "id3", "f"]], "pycellga.problems.single_objective.discrete.binary.maxcut20_01": [[10, 2, 1, "", "Maxcut20_01"]], "pycellga.problems.single_objective.discrete.binary.maxcut20_01.Maxcut20_01": [[10, 4, 1, "", "None"], [10, 3, 1, "id4", "f"]], "pycellga.problems.single_objective.discrete.binary.maxcut20_09": [[10, 2, 1, "", "Maxcut20_09"]], "pycellga.problems.single_objective.discrete.binary.maxcut20_09.Maxcut20_09": [[10, 4, 1, "", "None"], [10, 3, 1, "id5", "f"]], "pycellga.problems.single_objective.discrete.binary.mmdp": [[10, 2, 1, "", "Mmdp"]], "pycellga.problems.single_objective.discrete.binary.mmdp.Mmdp": [[10, 4, 1, "", "None"], [10, 3, 1, "id6", "f"]], "pycellga.problems.single_objective.discrete.binary.one_max": [[10, 2, 1, "", "OneMax"]], "pycellga.problems.single_objective.discrete.binary.one_max.OneMax": [[10, 4, 1, "", "None"], [10, 3, 1, "id7", "f"]], "pycellga.problems.single_objective.discrete.binary.peak": [[10, 2, 1, "", "Peak"]], "pycellga.problems.single_objective.discrete.binary.peak.Peak": [[10, 4, 1, "", "None"], [10, 3, 1, "id8", "f"]], "pycellga.problems.single_objective.discrete.permutation": [[11, 0, 0, "-", "tsp"]], "pycellga.problems.single_objective.discrete.permutation.tsp": [[11, 2, 1, "", "Tsp"]], "pycellga.problems.single_objective.discrete.permutation.tsp.Tsp": [[11, 3, 1, "", "euclidean_dist"], [11, 3, 1, "", "f"], [11, 3, 1, "", "gographical_dist"]], "pycellga.recombination": [[12, 0, 0, "-", "arithmetic_crossover"], [12, 0, 0, "-", "blxalpha_crossover"], [12, 0, 0, "-", "byte_one_point_crossover"], [12, 0, 0, "-", "byte_uniform_crossover"], [12, 0, 0, "-", "flat_crossover"], [12, 0, 0, "-", "linear_crossover"], [12, 0, 0, "-", "one_point_crossover"], [12, 0, 0, "-", "pmx_crossover"], [12, 0, 0, "-", "recombination_operator"], [12, 0, 0, "-", "two_point_crossover"], [12, 0, 0, "-", "unfair_avarage_crossover"], [12, 0, 0, "-", "uniform_crossover"]], "pycellga.recombination.arithmetic_crossover": [[12, 2, 1, "", "ArithmeticCrossover"]], "pycellga.recombination.arithmetic_crossover.ArithmeticCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.blxalpha_crossover": [[12, 2, 1, "", "BlxalphaCrossover"]], "pycellga.recombination.blxalpha_crossover.BlxalphaCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "combine"], [12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.byte_one_point_crossover": [[12, 2, 1, "", "ByteOnePointCrossover"]], "pycellga.recombination.byte_one_point_crossover.ByteOnePointCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.byte_uniform_crossover": [[12, 2, 1, "", "ByteUniformCrossover"]], "pycellga.recombination.byte_uniform_crossover.ByteUniformCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "combine"], [12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.flat_crossover": [[12, 2, 1, "", "FlatCrossover"]], "pycellga.recombination.flat_crossover.FlatCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "combine"], [12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.linear_crossover": [[12, 2, 1, "", "LinearCrossover"]], "pycellga.recombination.linear_crossover.LinearCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "combine"], [12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.one_point_crossover": [[12, 2, 1, "", "OnePointCrossover"]], "pycellga.recombination.one_point_crossover.OnePointCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.pmx_crossover": [[12, 2, 1, "", "PMXCrossover"]], "pycellga.recombination.pmx_crossover.PMXCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.recombination_operator": [[12, 2, 1, "", "RecombinationOperator"]], "pycellga.recombination.recombination_operator.RecombinationOperator": [[12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.two_point_crossover": [[12, 2, 1, "", "TwoPointCrossover"]], "pycellga.recombination.two_point_crossover.TwoPointCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.unfair_avarage_crossover": [[12, 2, 1, "", "UnfairAvarageCrossover"]], "pycellga.recombination.unfair_avarage_crossover.UnfairAvarageCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.uniform_crossover": [[12, 2, 1, "", "UniformCrossover"]], "pycellga.recombination.uniform_crossover.UniformCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "combine"], [12, 3, 1, "", "get_recombinations"]], "pycellga.selection": [[13, 0, 0, "-", "roulette_wheel_selection"], [13, 0, 0, "-", "selection_operator"], [13, 0, 0, "-", "tournament_selection"]], "pycellga.selection.roulette_wheel_selection": [[13, 2, 1, "", "RouletteWheelSelection"]], "pycellga.selection.roulette_wheel_selection.RouletteWheelSelection": [[13, 3, 1, "", "__init__"], [13, 3, 1, "", "get_parents"]], "pycellga.selection.selection_operator": [[13, 2, 1, "", "SelectionOperator"]], "pycellga.selection.selection_operator.SelectionOperator": [[13, 3, 1, "", "get_parents"]], "pycellga.selection.tournament_selection": [[13, 2, 1, "", "TournamentSelection"]], "pycellga.selection.tournament_selection.TournamentSelection": [[13, 3, 1, "", "__init__"], [13, 3, 1, "", "get_parents"]], "pycellga.tests": [[14, 0, 0, "-", "conftest"], [14, 0, 0, "-", "test_ackley"], [14, 0, 0, "-", "test_arithmetic_crossover"], [14, 0, 0, "-", "test_bentcigar_function"], [14, 0, 0, "-", "test_bit_flip_mutation"], [14, 0, 0, "-", "test_blxalpha_crossover"], [14, 0, 0, "-", "test_bohachevsky"], [14, 0, 0, "-", "test_byte_mutation"], [14, 0, 0, "-", "test_byte_mutation_random"], [14, 0, 0, "-", "test_byte_one_point_crossover"], [14, 0, 0, "-", "test_byte_operators"], [14, 0, 0, "-", "test_byte_uniform_crossover"], [14, 0, 0, "-", "test_chichinadze_function"], [14, 0, 0, "-", "test_compact_13"], [14, 0, 0, "-", "test_compact_21"], [14, 0, 0, "-", "test_compact_25"], [14, 0, 0, "-", "test_compact_9"], [14, 0, 0, "-", "test_count_sat"], [14, 0, 0, "-", "test_dropwave_function"], [14, 0, 0, "-", "test_ecc"], [14, 0, 0, "-", "test_flat_crossover"], [14, 0, 0, "-", "test_float_uniform_mutation"], [14, 0, 0, "-", "test_fms"], [14, 0, 0, "-", "test_grid"], [14, 0, 0, "-", "test_griewank_function"], [14, 0, 0, "-", "test_holzman_function"], [14, 0, 0, "-", "test_individual"], [14, 0, 0, "-", "test_insertion_mutation"], [14, 0, 0, "-", "test_levy_function"], [14, 0, 0, "-", "test_linear_5"], [14, 0, 0, "-", "test_linear_9"], [14, 0, 0, "-", "test_linear_crossover"], [14, 0, 0, "-", "test_matyas_function"], [14, 0, 0, "-", "test_maxcut100"], [14, 0, 0, "-", "test_maxcut20_01"], [14, 0, 0, "-", "test_maxcut20_09"], [14, 0, 0, "-", "test_mmdp"], [14, 0, 0, "-", "test_one_max"], [14, 0, 0, "-", "test_one_point_crossover"], [14, 0, 0, "-", "test_optimizer_alpha_cga"], [14, 0, 0, "-", "test_optimizer_ccga"], [14, 0, 0, "-", "test_optimizer_cga"], [14, 0, 0, "-", "test_optimizer_mccga"], [14, 0, 0, "-", "test_optimizer_sync_cga"], [14, 0, 0, "-", "test_peak"], [14, 0, 0, "-", "test_pmx_crossover"], [14, 0, 0, "-", "test_population"], [14, 0, 0, "-", "test_pow_function"], [14, 0, 0, "-", "test_powell_function"], [14, 0, 0, "-", "test_rastrigin"], [14, 0, 0, "-", "test_rosenbrock"], [14, 0, 0, "-", "test_rothellipsoid_function"], [14, 0, 0, "-", "test_roulette_wheel_selection"], [14, 0, 0, "-", "test_schaffer2_function"], [14, 0, 0, "-", "test_schaffer_function"], [14, 0, 0, "-", "test_schwefel"], [14, 0, 0, "-", "test_shuffle_mutation"], [14, 0, 0, "-", "test_sphere"], [14, 0, 0, "-", "test_styblinskitang_function"], [14, 0, 0, "-", "test_sumofdifferentpowers_function"], [14, 0, 0, "-", "test_swap_mutation"], [14, 0, 0, "-", "test_threehumps_function"], [14, 0, 0, "-", "test_tournament_selection"], [14, 0, 0, "-", "test_tsp"], [14, 0, 0, "-", "test_two_opt_mutation"], [14, 0, 0, "-", "test_two_point_crossover"], [14, 0, 0, "-", "test_unfair_average_crossover"], [14, 0, 0, "-", "test_uniform_crossover"], [14, 0, 0, "-", "test_zakharov_function"], [14, 0, 0, "-", "test_zettle_function"]], "pycellga.tests.test_ackley": [[14, 1, 1, "", "test_ackley"]], "pycellga.tests.test_arithmetic_crossover": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_parents"], [14, 1, 1, "", "setup_problem"], [14, 1, 1, "", "test_arithmetic_crossover"]], "pycellga.tests.test_arithmetic_crossover.MockProblem": [[14, 3, 1, "", "f"]], "pycellga.tests.test_bentcigar_function": [[14, 1, 1, "", "setup_bentcigar"], [14, 1, 1, "", "test_bentcigar_function"]], "pycellga.tests.test_bit_flip_mutation": [[14, 1, 1, "", "test_bit_flip_mutation"]], "pycellga.tests.test_blxalpha_crossover": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_parents"], [14, 1, 1, "", "setup_problem"], [14, 1, 1, "", "test_blxalpha_crossover"]], "pycellga.tests.test_blxalpha_crossover.MockProblem": [[14, 3, 1, "", "f"]], "pycellga.tests.test_bohachevsky": [[14, 1, 1, "", "test_bohachevsky"]], "pycellga.tests.test_byte_mutation": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_individual"], [14, 1, 1, "", "setup_problem"], [14, 1, 1, "", "test_byte_mutation"]], "pycellga.tests.test_byte_mutation.MockProblem": [[14, 3, 1, "", "f"]], "pycellga.tests.test_byte_mutation_random": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_individual"], [14, 1, 1, "", "setup_problem"], [14, 1, 1, "", "test_byte_mutation_random"]], "pycellga.tests.test_byte_mutation_random.MockProblem": [[14, 3, 1, "", "f"]], "pycellga.tests.test_byte_one_point_crossover": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_parents"], [14, 1, 1, "", "setup_problem"], [14, 1, 1, "", "test_byte_one_point_crossover"]], "pycellga.tests.test_byte_one_point_crossover.MockProblem": [[14, 3, 1, "", "f"]], "pycellga.tests.test_byte_operators": [[14, 1, 1, "", "test_bits_to_float"], [14, 1, 1, "", "test_bits_to_floats"], [14, 1, 1, "", "test_float_to_bits"], [14, 1, 1, "", "test_floats_to_bits"]], "pycellga.tests.test_byte_uniform_crossover": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_parents"], [14, 1, 1, "", "setup_problem"], [14, 1, 1, "", "test_byte_uniform_crossover"]], "pycellga.tests.test_byte_uniform_crossover.MockProblem": [[14, 3, 1, "", "f"]], "pycellga.tests.test_chichinadze_function": [[14, 1, 1, "", "setup_chichinadze"], [14, 1, 1, "", "test_chichinadze_function"]], "pycellga.tests.test_compact_13": [[14, 1, 1, "", "test_compact_13"]], "pycellga.tests.test_compact_21": [[14, 1, 1, "", "test_compact_21"]], "pycellga.tests.test_compact_25": [[14, 1, 1, "", "test_compact_25"]], "pycellga.tests.test_compact_9": [[14, 1, 1, "", "test_compact_9"]], "pycellga.tests.test_count_sat": [[14, 1, 1, "", "test_count_sat"]], "pycellga.tests.test_dropwave_function": [[14, 1, 1, "", "setup_dropwave"], [14, 1, 1, "", "test_dropwave_function"]], "pycellga.tests.test_ecc": [[14, 1, 1, "", "ecc_instance"], [14, 1, 1, "", "test_ecc"]], "pycellga.tests.test_flat_crossover": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_parents"], [14, 1, 1, "", "setup_problem"], [14, 1, 1, "", "test_flat_crossover"]], "pycellga.tests.test_flat_crossover.MockProblem": [[14, 3, 1, "", "f"]], "pycellga.tests.test_float_uniform_mutation": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_individual"], [14, 1, 1, "", "setup_problem"], [14, 1, 1, "", "test_float_uniform_mutation"]], "pycellga.tests.test_float_uniform_mutation.MockProblem": [[14, 3, 1, "", "f"]], "pycellga.tests.test_fms": [[14, 1, 1, "", "fms_instance"], [14, 1, 1, "", "test_fms"]], "pycellga.tests.test_grid": [[14, 1, 1, "", "test_grid"]], "pycellga.tests.test_griewank_function": [[14, 1, 1, "", "setup_griewank"], [14, 1, 1, "", "test_griewank_function"]], "pycellga.tests.test_holzman_function": [[14, 1, 1, "", "setup_holzman"], [14, 1, 1, "", "test_holzman_function"]], "pycellga.tests.test_individual": [[14, 1, 1, "", "setup_individual"], [14, 1, 1, "", "test_get_set_neighbors"], [14, 1, 1, "", "test_get_set_neighbors_positions"], [14, 1, 1, "", "test_illegal_genome_type"], [14, 1, 1, "", "test_individual_init"], [14, 1, 1, "", "test_randomize_binary"], [14, 1, 1, "", "test_randomize_permutation"], [14, 1, 1, "", "test_randomize_real_valued"]], "pycellga.tests.test_insertion_mutation": [[14, 1, 1, "", "test_insertion_mutation"]], "pycellga.tests.test_levy_function": [[14, 1, 1, "", "setup_levy"], [14, 1, 1, "", "test_levy_function"]], "pycellga.tests.test_linear_5": [[14, 1, 1, "", "test_linear_5"]], "pycellga.tests.test_linear_9": [[14, 1, 1, "", "test_linear_9"]], "pycellga.tests.test_linear_crossover": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_parents"], [14, 1, 1, "", "setup_problem"], [14, 1, 1, "", "test_linear_crossover"]], "pycellga.tests.test_linear_crossover.MockProblem": [[14, 3, 1, "", "f"]], "pycellga.tests.test_matyas_function": [[14, 1, 1, "", "setup_matyas"], [14, 1, 1, "", "test_matyas_function"]], "pycellga.tests.test_maxcut100": [[14, 1, 1, "", "maxcut_instance"], [14, 1, 1, "", "test_maxcut100"]], "pycellga.tests.test_maxcut20_01": [[14, 1, 1, "", "maxcut_instance"], [14, 1, 1, "", "test_maxcut20_01"]], "pycellga.tests.test_maxcut20_09": [[14, 1, 1, "", "maxcut_instance"], [14, 1, 1, "", "test_maxcut20_09"]], "pycellga.tests.test_mmdp": [[14, 1, 1, "", "mmdp_instance"], [14, 1, 1, "", "test_mmdp_function"]], "pycellga.tests.test_one_max": [[14, 1, 1, "", "test_one_max"]], "pycellga.tests.test_one_point_crossover": [[14, 1, 1, "", "test_one_point_crossover"]], "pycellga.tests.test_optimizer_alpha_cga": [[14, 2, 1, "", "BinaryProblem"], [14, 2, 1, "", "PermutationProblem"], [14, 2, 1, "", "RealProblem"], [14, 1, 1, "", "test_optimizer_alpha_cga_binary"], [14, 1, 1, "", "test_optimizer_alpha_cga_no_variation"], [14, 1, 1, "", "test_optimizer_alpha_cga_real"]], "pycellga.tests.test_optimizer_alpha_cga.BinaryProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"]], "pycellga.tests.test_optimizer_alpha_cga.PermutationProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"], [14, 3, 1, "", "test_optimizer_alpha_cga_permutation"]], "pycellga.tests.test_optimizer_alpha_cga.RealProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"]], "pycellga.tests.test_optimizer_ccga": [[14, 2, 1, "", "BinaryProblem"], [14, 1, 1, "", "test_optimizer_ccga_binary"]], "pycellga.tests.test_optimizer_ccga.BinaryProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"]], "pycellga.tests.test_optimizer_cga": [[14, 2, 1, "", "BinaryProblem"], [14, 2, 1, "", "PermutationProblem"], [14, 2, 1, "", "RealProblem"], [14, 1, 1, "", "test_optimizer_cga_binary"], [14, 1, 1, "", "test_optimizer_cga_no_variation"], [14, 1, 1, "", "test_optimizer_cga_real"]], "pycellga.tests.test_optimizer_cga.BinaryProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"]], "pycellga.tests.test_optimizer_cga.PermutationProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"], [14, 3, 1, "", "test_optimizer_cga_permutation"]], "pycellga.tests.test_optimizer_cga.RealProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"]], "pycellga.tests.test_optimizer_mccga": [[14, 2, 1, "", "RealProblem"], [14, 1, 1, "", "test_optimizer_mcccga_binary"]], "pycellga.tests.test_optimizer_mccga.RealProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"]], "pycellga.tests.test_optimizer_sync_cga": [[14, 2, 1, "", "BinaryProblem"], [14, 2, 1, "", "PermutationProblem"], [14, 2, 1, "", "RealProblem"], [14, 1, 1, "", "test_optimizer_sync_cga_binary"], [14, 1, 1, "", "test_optimizer_sync_cga_no_variation"], [14, 1, 1, "", "test_optimizer_sync_cga_real"]], "pycellga.tests.test_optimizer_sync_cga.BinaryProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"]], "pycellga.tests.test_optimizer_sync_cga.PermutationProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"], [14, 3, 1, "", "test_optimizer_sync_cga_permutation"]], "pycellga.tests.test_optimizer_sync_cga.RealProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"]], "pycellga.tests.test_peak": [[14, 1, 1, "", "peak_instance"], [14, 1, 1, "", "test_peak"]], "pycellga.tests.test_pmx_crossover": [[14, 1, 1, "", "test_pmx_crossover"]], "pycellga.tests.test_population": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_population"], [14, 1, 1, "", "test_fitness_evaluation"], [14, 1, 1, "", "test_initial_population_size"], [14, 1, 1, "", "test_neighborhood_assignment"]], "pycellga.tests.test_population.MockProblem": [[14, 3, 1, "id0", "f"]], "pycellga.tests.test_pow_function": [[14, 2, 1, "", "Pow"]], "pycellga.tests.test_pow_function.Pow": [[14, 4, 1, "", "None"], [14, 3, 1, "id1", "f"]], "pycellga.tests.test_powell_function": [[14, 1, 1, "", "setup_powell"], [14, 1, 1, "", "test_powell_function"]], "pycellga.tests.test_rastrigin": [[14, 1, 1, "", "test_rastrigin"]], "pycellga.tests.test_rosenbrock": [[14, 1, 1, "", "test_rosenbrock"]], "pycellga.tests.test_rothellipsoid_function": [[14, 1, 1, "", "setup_rothellipsoid"], [14, 1, 1, "", "test_rothellipsoid_function"]], "pycellga.tests.test_roulette_wheel_selection": [[14, 1, 1, "", "test_roulette_wheel_selection"]], "pycellga.tests.test_schaffer2_function": [[14, 1, 1, "", "setup_schaffer2"], [14, 1, 1, "", "test_schaffer2_function"]], "pycellga.tests.test_schaffer_function": [[14, 1, 1, "", "setup_schaffer"], [14, 1, 1, "", "test_schaffer_function"]], "pycellga.tests.test_schwefel": [[14, 1, 1, "", "test_schwefel"]], "pycellga.tests.test_shuffle_mutation": [[14, 1, 1, "", "test_shuffle_mutation"]], "pycellga.tests.test_sphere": [[14, 1, 1, "", "test_sphere"]], "pycellga.tests.test_styblinskitang_function": [[14, 1, 1, "", "setup_styblinski_tang"], [14, 1, 1, "", "test_styblinskitang_function"]], "pycellga.tests.test_sumofdifferentpowers_function": [[14, 1, 1, "", "setup_sumofdifferentpowers"], [14, 1, 1, "", "test_sumofdifferentpowers_function"]], "pycellga.tests.test_swap_mutation": [[14, 1, 1, "", "test_swap_mutation"]], "pycellga.tests.test_threehumps_function": [[14, 1, 1, "", "setup_threehumps"], [14, 1, 1, "", "test_threehumps_function"]], "pycellga.tests.test_tournament_selection": [[14, 1, 1, "", "test_tournament_selection"]], "pycellga.tests.test_tsp": [[14, 1, 1, "", "test_tsp"]], "pycellga.tests.test_two_opt_mutation": [[14, 1, 1, "", "test_two_opt_mutation"]], "pycellga.tests.test_two_point_crossover": [[14, 1, 1, "", "test_two_point_crossover"]], "pycellga.tests.test_unfair_average_crossover": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_parents"], [14, 1, 1, "", "setup_problem"], [14, 1, 1, "", "test_unfair_average_crossover"]], "pycellga.tests.test_unfair_average_crossover.MockProblem": [[14, 3, 1, "", "f"]], "pycellga.tests.test_uniform_crossover": [[14, 1, 1, "", "test_uniform_crossover"]], "pycellga.tests.test_zakharov_function": [[14, 1, 1, "", "test_zakharov_function"]], "pycellga.tests.test_zettle_function": [[14, 1, 1, "", "setup_zettle"], [14, 1, 1, "", "test_zettle_function"]]}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "function", "Python function"], "2": ["py", "class", "Python class"], "3": ["py", "method", "Python method"], "4": ["py", "attribute", "Python attribute"]}, "objtypes": {"0": "py:module", "1": "py:function", "2": "py:class", "3": "py:method", "4": "py:attribute"}, "terms": {"": [4, 8, 14], "0": [2, 3, 4, 8, 10, 13, 14], "001": 8, "003791": 8, "01": [8, 10], "028": 8, "0299": 8, "0674": 10, "1": [2, 3, 4, 8, 10, 14], "10": [3, 8, 10], "100": [3, 8, 10], "1077": 10, "119812": 10, "12": [5, 8, 14], "14": 11, "144": 10, "15": [8, 14], "192": [10, 14], "2": [4, 8, 10, 13, 14], "20": [5, 10, 14], "2013": [4, 12], "24": [5, 14], "240": 10, "25": 14, "2d": [2, 5, 14], "3": [8, 14], "30": 8, "3159": 8, "32": [2, 8], "332": 8, "3323": 11, "35": 8, "3x3": 14, "4": [5, 8, 14], "40": 10, "420": 8, "43": 8, "5": [3, 4, 8, 14], "500": 8, "554": 8, "56": 10, "5x5": [3, 14], "6": [8, 10, 14], "600": 8, "6860": 10, "7": [8, 14], "740064": 10, "768": 8, "78": 8, "8": [5, 14], "9": [8, 14], "90133": 8, "903534": 8, "9687": 8, "A": [0, 2, 3, 4, 5, 6, 8, 10, 11, 12, 13, 14], "At": 14, "If": [6, 14], "It": [8, 14], "The": [2, 3, 4, 5, 6, 8, 10, 11, 12, 13, 14], "__init__": [1, 2, 3, 4, 5, 12, 13, 14], "absolut": 14, "abstract": 6, "abstract_problem": [1, 2], "abstractproblem": [2, 4, 6, 8, 10, 11, 12, 14], "achiev": [3, 14], "acklei": [6, 7, 14], "ad": [4, 14], "addit": 14, "adjac": 14, "aim": 14, "algorithm": [0, 3, 4, 8, 10, 14], "align": 14, "all": [3, 8, 10, 14], "allow": 0, "alpha": [0, 3, 12, 14], "alpha_cga": [3, 14], "also": 14, "alwai": 14, "an": [3, 4, 6, 12, 14], "ani": 14, "appli": 14, "approach": 14, "ar": [3, 4, 5, 8, 14], "arithmet": [12, 14], "arithmetic_crossov": [1, 2], "arithmeticcrossov": [2, 12, 14], "around": [4, 14], "arrai": [3, 14], "assertionerror": 14, "assign": 14, "assum": 14, "attribut": 14, "automata": 0, "averag": [12, 14], "b": 11, "back": 2, "balanc": 0, "banana": 14, "base": [2, 3, 4, 5, 6, 8, 10, 11, 12, 13, 14], "behav": 14, "behavior": 14, "being": 3, "benchmark": [8, 10, 14], "bentcigar": [6, 7, 14], "besid": 0, "best": [3, 11], "between": [0, 10, 11, 14], "binari": [3, 7, 9, 14], "binaryproblem": [2, 14], "bit": [2, 4, 10, 14], "bit_flip_mut": [1, 2], "bit_list": 2, "bitflipmut": [2, 4, 14], "bits_to_float": [1, 2, 14], "blx": [12, 14], "blxalpha_crossov": [1, 2], "blxalphacrossov": [2, 12, 14], "bohachevski": [6, 7, 14], "both": 14, "bound": 8, "boundari": 14, "burma14": 11, "byte": [0, 4, 12, 14], "byte_mut": [1, 2], "byte_mutation_random": [1, 2], "byte_one_point_crossov": [1, 2], "byte_oper": 1, "byte_uniform_crossov": [1, 2], "bytemut": [2, 4, 14], "bytemutationrandom": [2, 4, 14], "byteonepointcrossov": [2, 12, 14], "byteuniformcrossov": [2, 12, 14], "c": 13, "calcul": [5, 8, 10, 11, 14], "calculate_neighbors_posit": [2, 5], "camel": [8, 14], "can": 14, "candid": [4, 6, 14], "case": 14, "ccga": [3, 14], "cdot": 8, "cell": [2, 14], "cellular": [0, 3], "center": [8, 14], "cga": [0, 3, 14], "chang": [4, 14], "character": 10, "check": 14, "chichinadz": [6, 7, 14], "chosen": 13, "chromosom": [3, 4, 8, 10, 11, 14], "chsize": 14, "citi": 14, "class": [2, 3, 4, 5, 6, 8, 10, 11, 12, 13, 14], "claus": 14, "co": 8, "code": [0, 3, 10], "column": [2, 5], "combin": [0, 2, 12], "common": [8, 14], "commonli": [8, 14], "compact": [0, 3], "compact13": [2, 5, 14], "compact21": [2, 5, 14], "compact25": [2, 5, 14], "compact9": [2, 5, 14], "compact_13": [1, 2], "compact_21": [1, 2], "compact_25": [1, 2], "compact_9": [1, 2], "compar": 14, "complex": 0, "compos": 14, "comput": [3, 8, 11, 14], "condit": 14, "configur": [3, 14], "conftest": [1, 2], "consid": [5, 14], "constrain": 3, "contain": [3, 12, 13, 14], "content": 1, "continu": [6, 7, 14], "convert": 2, "coordin": [8, 11], "copi": 12, "correct": [10, 14], "correctli": 14, "correspond": 3, "count": 14, "count_sat": [7, 9], "countsat": [9, 10, 14], "creat": [2, 14], "crossov": [12, 13, 14], "cut": 10, "d": 8, "deal": 8, "deceiv": 10, "decept": 10, "decim": [4, 8, 10, 11, 14], "decrement": 4, "default": 4, "defin": [4, 8, 12], "design": [10, 14], "determin": 5, "diagon": 14, "differ": [8, 14], "directli": 14, "discret": [6, 7], "distanc": [10, 11, 14], "divers": 0, "do": 14, "doe": 14, "down": 14, "dropwav": [6, 7, 14], "dure": 0, "e": 4, "each": [0, 2, 4, 10, 11, 14], "ecc": [7, 9, 14], "ecc_inst": [2, 14], "edg": [5, 14], "edge_weight_typ": 11, "either": 4, "element": [3, 8, 10, 11, 14], "ellipsoid": [8, 14], "ensur": 14, "equal": [3, 14], "error": [8, 10], "euclidean": 11, "euclidean_dist": [9, 11], "evalu": [6, 8, 10, 11, 14], "exampl": [1, 2, 8, 14], "example_alpha_cga": [1, 2], "example_ccga": [1, 2], "example_cga": [1, 2], "example_mcccga": [1, 2], "example_sync_cga": [1, 2], "exampleproblem": [2, 3], "except": 14, "exclud": 14, "expect": 14, "exploit": 0, "explor": 0, "f": [2, 3, 6, 7, 8, 9, 10, 11, 14], "fashion": 14, "find": 14, "first": [11, 12, 14], "fit": [4, 6, 8, 10, 11, 12, 14], "fix": 14, "fixtur": 14, "flat": [8, 12, 14], "flat_crossov": [1, 2], "flatcrossov": [2, 12, 14], "flip": [4, 14], "float": [2, 3, 4, 6, 8, 10, 11, 14], "float_list": 2, "float_numb": 2, "float_to_bit": [1, 2, 14], "float_uniform_mut": [1, 2], "floats_to_bit": [1, 2, 14], "floatuniformmut": [2, 4, 14], "fm": [6, 7, 9, 14], "fms_instanc": [2, 14], "follow": 14, "form": 2, "frequenc": [8, 10], "from": [2, 4, 12, 13, 14], "function": [3, 4, 8, 10, 11, 12, 14], "gene": [3, 4], "gener": [3, 10, 14], "genet": [0, 3, 4, 10], "genom": 14, "geo": 11, "geodes": 11, "geograph": 11, "get": [13, 14], "get_par": [2, 13], "get_recombin": [2, 12], "given": [3, 5, 6, 8, 10, 11, 14], "global": [3, 8, 14], "goal": [3, 14], "gographical_dist": [9, 11], "grid": [0, 1, 3, 5, 14], "griewank": [6, 7, 14], "ha": [0, 8, 14], "have": [10, 14], "hole": 8, "holzman": [6, 7, 14], "hump": [8, 14], "hyper": [8, 14], "hypercub": [8, 14], "i": [0, 2, 3, 4, 6, 8, 10, 11, 14], "ident": 14, "ight": 8, "illeg": 14, "implement": [0, 3, 6, 8, 10, 14], "improv": 0, "includ": 14, "increment": 4, "index": [11, 13], "individu": [0, 1, 4, 12, 13, 14], "inform": 12, "initi": [2, 4, 5, 12, 13, 14], "input": [3, 8, 14], "insert": [4, 14], "insertion_mut": [1, 2], "insertionmut": [2, 4, 14], "instanc": [3, 4, 12, 14], "int": [2, 3, 5, 13, 14], "integ": [2, 14], "integr": 14, "interact": 0, "involv": 10, "its": [0, 2, 3, 10], "itself": 14, "k": 13, "known": [11, 14], "larg": 8, "last": 14, "least": [8, 14], "left": [8, 14], "length": [8, 10, 11, 14], "level": [12, 14], "levi": [6, 7, 14], "like": 0, "linear": [12, 14], "linear5": [2, 5, 14], "linear9": [2, 5, 14], "linear_5": [1, 2], "linear_9": [1, 2], "linear_crossov": [1, 2], "linearcrossov": [2, 12, 14], "list": [2, 3, 5, 6, 8, 10, 11, 12, 13, 14], "local": [10, 14], "locationsourc": 12, "machin": [0, 3], "made": 14, "maintain": 0, "make_2d_grid": [1, 2, 14], "male": 0, "map": 12, "massiv": 10, "match": 14, "matya": [6, 7, 14], "max": 3, "maxcut": [10, 14], "maxcut100": [7, 9, 14], "maxcut20_01": [7, 9, 14], "maxcut20_09": [7, 9, 14], "maxcut_inst": [2, 14], "maxim": [3, 14], "maximum": [8, 10], "mcccga": [3, 14], "mean": 14, "measur": 14, "met": 14, "method": [3, 6, 8, 11, 14], "min": 3, "minim": [3, 14], "minima": 14, "minimum": [3, 8, 14], "minumum": 11, "mmdp": [7, 9, 14], "mmdp_instanc": [2, 14], "mock": 14, "mockproblem": [2, 14], "modifi": [8, 14], "modul": 1, "more": 14, "move": 4, "multidimension": 8, "multimod": [8, 10], "multipl": [10, 14], "mutat": [1, 2, 14], "mutation_cand": 4, "mutation_oper": [1, 2], "mutationoper": [2, 4], "n": 8, "n_col": [1, 2, 5], "n_row": [1, 2, 5], "ndarrai": [3, 14], "nearli": 8, "necessari": 4, "neg": 14, "neighbor": [0, 5, 13, 14], "neighborhood": [1, 2, 14], "neighbors_posit": 14, "new": 4, "node": [10, 11], "non": 14, "none": [2, 4, 7, 8, 9, 10, 14], "normal": 10, "note": [8, 10, 11, 14], "notimplementederror": [6, 14], "number": [2, 3, 4, 5, 8, 10, 13, 14], "numpi": [3, 14], "object": [2, 3, 4, 5, 6, 12, 13, 14], "offspr": [12, 14], "one": [4, 11, 12, 14], "one_max": [7, 9], "one_point_crossov": [1, 2], "onemax": [9, 10, 14], "onepointcrossov": [2, 12, 14], "ones": [10, 14], "onli": [0, 14], "oper": [0, 4, 12, 14], "operaor": 0, "opposit": 14, "opt": [4, 14], "optim": [0, 1, 3, 6, 8, 10, 14], "optima": 10, "option": 4, "organ": 0, "origin": 14, "outer": 8, "output": 14, "over": 8, "p1": 12, "p2": 12, "packag": [0, 1], "pair": [12, 14], "paramet": [2, 3, 4, 5, 6, 8, 10, 11, 12, 13, 14], "parent": [12, 13, 14], "partial": [12, 14], "particularli": 10, "pattern": 2, "peak": [7, 9, 14], "peak_inst": [2, 14], "perform": [4, 8, 12, 13, 14], "permut": [7, 9, 14], "permutationproblem": [2, 14], "place": [4, 8, 10, 11, 14], "pmx": [12, 14], "pmx_crossov": [1, 2], "pmxcrossov": [2, 12, 14], "point": [4, 5, 8, 12, 14], "pop_list": 13, "popul": [0, 1, 13, 14], "posit": [4, 5, 12, 14], "pow": [2, 6, 7, 14], "powel": [6, 7, 14], "power": [8, 14], "predefin": 14, "principl": 0, "problem": [0, 1, 2, 3, 4, 12, 14], "process": 0, "produc": [12, 14], "promot": 0, "proper": 14, "provid": [4, 12, 14], "purpos": 14, "python": 0, "rac": 8, "rais": [6, 14], "random": [4, 13, 14], "randomli": [4, 10, 14], "rang": 10, "rastrigin": [6, 7, 14], "real": [0, 3, 14], "realproblem": [2, 3, 14], "recombin": [1, 2, 14], "recombination_oper": [1, 2], "recombinationoper": [2, 12], "region": 8, "remain": 14, "repres": [2, 3, 5, 6, 8, 10, 11, 14], "represent": 2, "reproduc": 14, "result": [12, 14], "return": [2, 3, 4, 5, 6, 8, 10, 11, 12, 13, 14], "revers": 4, "right": 14, "rosenbrock": [6, 7, 14], "rotat": [8, 14], "rothellipsoid": [6, 7], "roulett": 13, "roulette_wheel_select": [1, 2], "roulettewheelselect": [2, 13, 14], "round": [4, 8, 10, 11, 14], "rout": 11, "row": [2, 5], "run": 3, "run_alpha_cga_exampl": [2, 3], "run_ccga_exampl": [2, 3], "run_cga_exampl": [2, 3], "run_mcccga_exampl": [2, 3], "run_sync_cga_exampl": [2, 3], "salesman": [11, 14], "same": 14, "sampl": [4, 14], "satisfact": 14, "satisfi": 10, "satman": [4, 12], "schaffer": [6, 7, 14], "schaffer2": [6, 7, 14], "schwefel": [6, 7, 14], "second": [11, 12], "seed": 14, "segment": 4, "select": [1, 2, 4, 14], "selection_oper": [1, 2], "selectionoper": [2, 13], "set": [10, 14], "setup_bentcigar": [2, 14], "setup_chichinadz": [2, 14], "setup_dropwav": [2, 14], "setup_griewank": [2, 14], "setup_holzman": [2, 14], "setup_individu": [2, 14], "setup_levi": [2, 14], "setup_matya": [2, 14], "setup_par": [2, 14], "setup_popul": [2, 14], "setup_powel": [2, 14], "setup_problem": [2, 14], "setup_rothellipsoid": [2, 14], "setup_schaff": [2, 14], "setup_schaffer2": [2, 14], "setup_styblinski_tang": [2, 14], "setup_sumofdifferentpow": [2, 14], "setup_threehump": [2, 14], "setup_zettl": [2, 14], "sever": 14, "should": [8, 14], "shuffl": [4, 14], "shuffle_mut": [1, 2], "shufflemut": [2, 4, 14], "simpl": [3, 10, 14], "simpli": 14, "sin": 8, "singl": [4, 12, 14], "single_object": [2, 6], "size": [3, 14], "solut": [3, 6, 14], "solv": [3, 11], "some": 14, "sound": [8, 10], "sourc": [2, 3, 4, 5, 6, 8, 10, 11, 12, 13, 14], "spatial": 0, "specif": [8, 14], "specifi": 3, "sphere": [6, 7, 14], "sqrt": 8, "squar": [3, 14], "start": [2, 13], "step": 14, "still": 14, "string": 14, "structur": 0, "styblinski": [8, 14], "styblinskitang": [6, 7, 14], "subclass": [6, 14], "submodul": [1, 7, 9], "subpackag": 1, "subproblem": 10, "subsequ": 4, "subtract": 4, "sum": [3, 8, 10, 14], "sum_": 8, "sumofdifferentpow": [6, 7, 14], "surround": 14, "swap": [4, 14], "swap_mut": [1, 2], "swapmut": [2, 4, 14], "sync_cga": [3, 14], "synchron": 3, "tang": [8, 14], "target": [10, 14], "techniqu": 14, "test": [1, 2, 8, 10], "test_acklei": [1, 2], "test_arithmetic_crossov": [1, 2], "test_bentcigar_funct": [1, 2], "test_bit_flip_mut": [1, 2], "test_bits_to_float": [2, 14], "test_blxalpha_crossov": [1, 2], "test_bohachevski": [1, 2], "test_byte_mut": [1, 2], "test_byte_mutation_random": [1, 2], "test_byte_one_point_crossov": [1, 2], "test_byte_oper": [1, 2], "test_byte_uniform_crossov": [1, 2], "test_chichinadze_funct": [1, 2], "test_compact_13": [1, 2], "test_compact_21": [1, 2], "test_compact_25": [1, 2], "test_compact_9": [1, 2], "test_count_sat": [1, 2], "test_dropwave_funct": [1, 2], "test_ecc": [1, 2], "test_fitness_evalu": [2, 14], "test_flat_crossov": [1, 2], "test_float_to_bit": [2, 14], "test_float_uniform_mut": [1, 2], "test_floats_to_bit": [2, 14], "test_fm": [1, 2], "test_get_set_neighbor": [2, 14], "test_get_set_neighbors_posit": [2, 14], "test_grid": [1, 2], "test_griewank_funct": [1, 2], "test_holzman_funct": [1, 2], "test_illegal_genome_typ": [2, 14], "test_individu": [1, 2], "test_individual_init": [2, 14], "test_initial_population_s": [2, 14], "test_insertion_mut": [1, 2], "test_levy_funct": [1, 2], "test_linear_5": [1, 2], "test_linear_9": [1, 2], "test_linear_crossov": [1, 2], "test_matyas_funct": [1, 2], "test_maxcut100": [1, 2], "test_maxcut20_01": [1, 2], "test_maxcut20_09": [1, 2], "test_mmdp": [1, 2], "test_mmdp_funct": [2, 14], "test_neighborhood_assign": [2, 14], "test_one_max": [1, 2], "test_one_point_crossov": [1, 2], "test_optimizer_alpha_cga": [1, 2], "test_optimizer_alpha_cga_binari": [2, 14], "test_optimizer_alpha_cga_no_vari": [2, 14], "test_optimizer_alpha_cga_permut": [2, 14], "test_optimizer_alpha_cga_r": [2, 14], "test_optimizer_ccga": [1, 2], "test_optimizer_ccga_binari": [2, 14], "test_optimizer_cga": [1, 2], "test_optimizer_cga_binari": [2, 14], "test_optimizer_cga_no_vari": [2, 14], "test_optimizer_cga_permut": [2, 14], "test_optimizer_cga_r": [2, 14], "test_optimizer_mcccga_binari": [2, 14], "test_optimizer_mccga": [1, 2], "test_optimizer_sync_cga": [1, 2], "test_optimizer_sync_cga_binari": [2, 14], "test_optimizer_sync_cga_no_vari": [2, 14], "test_optimizer_sync_cga_permut": [2, 14], "test_optimizer_sync_cga_r": [2, 14], "test_peak": [1, 2], "test_pmx_crossov": [1, 2], "test_popul": [1, 2], "test_pow_funct": [1, 2], "test_powell_funct": [1, 2], "test_randomize_binari": [2, 14], "test_randomize_permut": [2, 14], "test_randomize_real_valu": [2, 14], "test_rastrigin": [1, 2], "test_rosenbrock": [1, 2], "test_rothellipsoid_funct": [1, 2], "test_roulette_wheel_select": [1, 2], "test_schaffer2_funct": [1, 2], "test_schaffer_funct": [1, 2], "test_schwefel": [1, 2], "test_shuffle_mut": [1, 2], "test_spher": [1, 2], "test_styblinskitang_funct": [1, 2], "test_sumofdifferentpowers_funct": [1, 2], "test_swap_mut": [1, 2], "test_threehumps_funct": [1, 2], "test_tournament_select": [1, 2], "test_tsp": [1, 2], "test_two_opt_mut": [1, 2], "test_two_point_crossov": [1, 2], "test_unfair_average_crossov": [1, 2], "test_uniform_crossov": [1, 2], "test_zakharov_funct": [1, 2], "test_zettle_funct": [1, 2], "thi": [0, 3, 8, 11, 14], "thorough": 14, "those": [8, 10], "three": [8, 10, 14], "threehump": [6, 7, 14], "topologi": 0, "toroid": 14, "total": [11, 14], "tournament": 13, "tournament_select": [1, 2], "tournamentselect": [2, 13, 14], "tradit": 0, "travel": [11, 14], "true": 14, "tsp": [7, 9, 14], "tupl": [2, 3, 5, 14], "two": [4, 8, 11, 12, 14], "two_opt_mut": [1, 2], "two_point_crossov": [1, 2], "twooptmut": [2, 4, 14], "twopointcrossov": [2, 12, 14], "type": [2, 3, 4, 5, 6, 8, 10, 11, 12, 13, 14], "typic": 14, "unchang": 14, "unfair": [12, 14], "unfair_avarage_crossov": [1, 2], "unfairavaragecrossov": [2, 12, 14], "uniform": [4, 12, 14], "uniform_crossov": [1, 2], "uniformcrossov": [2, 12, 14], "uniformli": 4, "up": 14, "us": [3, 8, 10, 11, 12, 14], "usual": [8, 14], "util": 0, "valid": 14, "vallei": 14, "valu": [0, 2, 3, 4, 6, 8, 10, 11, 14], "variabl": [8, 10, 14], "variou": 14, "verifi": 14, "well": 14, "wheel": 13, "when": [3, 14], "where": [2, 3, 8, 10, 11, 14], "which": [8, 10, 12, 14], "whose": 5, "wide": [8, 14], "wise": [4, 14], "within": [8, 14], "wrap": [4, 5, 14], "x": [3, 5, 6, 8, 10, 11, 14], "x1": 8, "x2": 8, "x_": 8, "x_i": [8, 14], "xi": [8, 14], "y": [5, 8], "zakharov": [6, 7, 14], "zero": 14, "zettl": [6, 7, 14]}, "titles": ["PYCELLGA Documentation", "pycellga", "pycellga package", "pycellga.example package", "pycellga.mutation package", "pycellga.neighborhoods package", "pycellga.problems package", "pycellga.problems.single_objective package", "pycellga.problems.single_objective.continuous package", "pycellga.problems.single_objective.discrete package", "pycellga.problems.single_objective.discrete.binary package", "pycellga.problems.single_objective.discrete.permutation package", "pycellga.recombination package", "pycellga.selection package", "pycellga.tests package", "setup module"], "titleterms": {"abstract_problem": 6, "acklei": 8, "arithmetic_crossov": 12, "assert": 14, "bentcigar": 8, "binari": 10, "bit_flip_mut": 4, "blxalpha_crossov": 12, "bohachevski": 8, "byte_mut": 4, "byte_mutation_random": 4, "byte_one_point_crossov": 12, "byte_oper": 2, "byte_uniform_crossov": 12, "chichinadz": 8, "compact_13": 5, "compact_21": 5, "compact_25": 5, "compact_9": 5, "conftest": 14, "content": [0, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14], "continu": 8, "count_sat": 10, "discret": [9, 10, 11], "document": 0, "dropwav": 8, "ecc": 10, "exampl": 3, "example_alpha_cga": 3, "example_ccga": 3, "example_cga": 3, "example_mcccga": 3, "example_sync_cga": 3, "flat_crossov": 12, "float_uniform_mut": 4, "fm": [8, 10], "grid": 2, "griewank": 8, "holzman": 8, "individu": 2, "insertion_mut": 4, "levi": 8, "linear_5": 5, "linear_9": 5, "linear_crossov": 12, "matya": 8, "maxcut100": 10, "maxcut20_01": 10, "maxcut20_09": 10, "mmdp": 10, "modul": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "mutat": 4, "mutation_oper": 4, "neighborhood": 5, "one_max": 10, "one_point_crossov": 12, "optim": 2, "packag": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14], "peak": 10, "permut": 11, "pmx_crossov": 12, "popul": 2, "pow": 8, "powel": 8, "problem": [6, 7, 8, 9, 10, 11], "pycellga": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14], "rastrigin": 8, "recombin": 12, "recombination_oper": 12, "rosenbrock": 8, "rothellipsoid": 8, "roulette_wheel_select": 13, "schaffer": 8, "schaffer2": 8, "schwefel": 8, "select": 13, "selection_oper": 13, "setup": 15, "shuffle_mut": 4, "single_object": [7, 8, 9, 10, 11], "sphere": 8, "styblinskitang": 8, "submodul": [2, 3, 4, 5, 6, 8, 10, 11, 12, 13, 14], "subpackag": [2, 6, 7, 9], "sumofdifferentpow": 8, "swap_mut": 4, "test": 14, "test_acklei": 14, "test_arithmetic_crossov": 14, "test_bentcigar_funct": 14, "test_bit_flip_mut": 14, "test_blxalpha_crossov": 14, "test_bohachevski": 14, "test_byte_mut": 14, "test_byte_mutation_random": 14, "test_byte_one_point_crossov": 14, "test_byte_oper": 14, "test_byte_uniform_crossov": 14, "test_chichinadze_funct": 14, "test_compact_13": 14, "test_compact_21": 14, "test_compact_25": 14, "test_compact_9": 14, "test_count_sat": 14, "test_dropwave_funct": 14, "test_ecc": 14, "test_flat_crossov": 14, "test_float_uniform_mut": 14, "test_fm": 14, "test_grid": 14, "test_griewank_funct": 14, "test_holzman_funct": 14, "test_individu": 14, "test_insertion_mut": 14, "test_levy_funct": 14, "test_linear_5": 14, "test_linear_9": 14, "test_linear_crossov": 14, "test_matyas_funct": 14, "test_maxcut100": 14, "test_maxcut20_01": 14, "test_maxcut20_09": 14, "test_mmdp": 14, "test_one_max": 14, "test_one_point_crossov": 14, "test_optimizer_alpha_cga": 14, "test_optimizer_ccga": 14, "test_optimizer_cga": 14, "test_optimizer_mccga": 14, "test_optimizer_sync_cga": 14, "test_peak": 14, "test_pmx_crossov": 14, "test_popul": 14, "test_pow_funct": 14, "test_powell_funct": 14, "test_rastrigin": 14, "test_rosenbrock": 14, "test_rothellipsoid_funct": 14, "test_roulette_wheel_select": 14, "test_schaffer2_funct": 14, "test_schaffer_funct": 14, "test_schwefel": 14, "test_shuffle_mut": 14, "test_spher": 14, "test_styblinskitang_funct": 14, "test_sumofdifferentpowers_funct": 14, "test_swap_mut": 14, "test_threehumps_funct": 14, "test_tournament_select": 14, "test_tsp": 14, "test_two_opt_mut": 14, "test_two_point_crossov": 14, "test_unfair_average_crossov": 14, "test_uniform_crossov": 14, "test_zakharov_funct": 14, "test_zettle_funct": 14, "threehump": 8, "tournament_select": 13, "tsp": 11, "two_opt_mut": 4, "two_point_crossov": 12, "unfair_avarage_crossov": 12, "uniform_crossov": 12, "zakharov": 8, "zettl": 8}}) \ No newline at end of file +Search.setIndex({"alltitles": {"Assertions": [[14, "assertions"], [14, "id2"], [14, "id3"]], "Contents:": [[0, null]], "Module contents": [[2, "module-pycellga"], [3, "module-pycellga.example"], [4, "module-pycellga.mutation"], [5, "module-pycellga.neighborhoods"], [6, "module-pycellga.problems"], [7, "module-pycellga.problems.single_objective"], [8, "module-pycellga.problems.single_objective.continuous"], [9, "module-pycellga.problems.single_objective.discrete"], [10, "module-pycellga.problems.single_objective.discrete.binary"], [11, "module-pycellga.problems.single_objective.discrete.permutation"], [12, "module-pycellga.recombination"], [13, "module-pycellga.selection"], [14, "module-pycellga.tests"]], "PYCELLGA Documentation": [[0, null]], "Submodules": [[2, "submodules"], [3, "submodules"], [4, "submodules"], [5, "submodules"], [6, "submodules"], [8, "submodules"], [10, "submodules"], [11, "submodules"], [12, "submodules"], [13, "submodules"], [14, "submodules"]], "Subpackages": [[2, "subpackages"], [6, "subpackages"], [7, "subpackages"], [9, "subpackages"]], "pycellga": [[1, null]], "pycellga package": [[2, null]], "pycellga.byte_operators module": [[2, "module-pycellga.byte_operators"]], "pycellga.example package": [[3, null]], "pycellga.example.example_alpha_cga module": [[3, "module-pycellga.example.example_alpha_cga"]], "pycellga.example.example_ccga module": [[3, "module-pycellga.example.example_ccga"]], "pycellga.example.example_cga module": [[3, "module-pycellga.example.example_cga"]], "pycellga.example.example_mcccga module": [[3, "module-pycellga.example.example_mcccga"]], "pycellga.example.example_sync_cga module": [[3, "module-pycellga.example.example_sync_cga"]], "pycellga.grid module": [[2, "module-pycellga.grid"]], "pycellga.individual module": [[2, "module-pycellga.individual"]], "pycellga.mutation package": [[4, null]], "pycellga.mutation.bit_flip_mutation module": [[4, "module-pycellga.mutation.bit_flip_mutation"]], "pycellga.mutation.byte_mutation module": [[4, "module-pycellga.mutation.byte_mutation"]], "pycellga.mutation.byte_mutation_random module": [[4, "module-pycellga.mutation.byte_mutation_random"]], "pycellga.mutation.float_uniform_mutation module": [[4, "module-pycellga.mutation.float_uniform_mutation"]], "pycellga.mutation.insertion_mutation module": [[4, "module-pycellga.mutation.insertion_mutation"]], "pycellga.mutation.mutation_operator module": [[4, "module-pycellga.mutation.mutation_operator"]], "pycellga.mutation.shuffle_mutation module": [[4, "module-pycellga.mutation.shuffle_mutation"]], "pycellga.mutation.swap_mutation module": [[4, "module-pycellga.mutation.swap_mutation"]], "pycellga.mutation.two_opt_mutation module": [[4, "module-pycellga.mutation.two_opt_mutation"]], "pycellga.neighborhoods package": [[5, null]], "pycellga.neighborhoods.compact_13 module": [[5, "module-pycellga.neighborhoods.compact_13"]], "pycellga.neighborhoods.compact_21 module": [[5, "module-pycellga.neighborhoods.compact_21"]], "pycellga.neighborhoods.compact_25 module": [[5, "module-pycellga.neighborhoods.compact_25"]], "pycellga.neighborhoods.compact_9 module": [[5, "module-pycellga.neighborhoods.compact_9"]], "pycellga.neighborhoods.linear_5 module": [[5, "module-pycellga.neighborhoods.linear_5"]], "pycellga.neighborhoods.linear_9 module": [[5, "module-pycellga.neighborhoods.linear_9"]], "pycellga.optimizer module": [[2, "module-pycellga.optimizer"]], "pycellga.population module": [[2, "module-pycellga.population"]], "pycellga.problems package": [[6, null]], "pycellga.problems.abstract_problem module": [[6, "module-pycellga.problems.abstract_problem"]], "pycellga.problems.single_objective package": [[7, null]], "pycellga.problems.single_objective.continuous package": [[8, null]], "pycellga.problems.single_objective.continuous.ackley module": [[8, "module-pycellga.problems.single_objective.continuous.ackley"]], "pycellga.problems.single_objective.continuous.bentcigar module": [[8, "module-pycellga.problems.single_objective.continuous.bentcigar"]], "pycellga.problems.single_objective.continuous.bohachevsky module": [[8, "module-pycellga.problems.single_objective.continuous.bohachevsky"]], "pycellga.problems.single_objective.continuous.chichinadze module": [[8, "module-pycellga.problems.single_objective.continuous.chichinadze"]], "pycellga.problems.single_objective.continuous.dropwave module": [[8, "module-pycellga.problems.single_objective.continuous.dropwave"]], "pycellga.problems.single_objective.continuous.fms module": [[8, "module-pycellga.problems.single_objective.continuous.fms"]], "pycellga.problems.single_objective.continuous.griewank module": [[8, "module-pycellga.problems.single_objective.continuous.griewank"]], "pycellga.problems.single_objective.continuous.holzman module": [[8, "module-pycellga.problems.single_objective.continuous.holzman"]], "pycellga.problems.single_objective.continuous.levy module": [[8, "module-pycellga.problems.single_objective.continuous.levy"]], "pycellga.problems.single_objective.continuous.matyas module": [[8, "module-pycellga.problems.single_objective.continuous.matyas"]], "pycellga.problems.single_objective.continuous.pow module": [[8, "module-pycellga.problems.single_objective.continuous.pow"]], "pycellga.problems.single_objective.continuous.powell module": [[8, "module-pycellga.problems.single_objective.continuous.powell"]], "pycellga.problems.single_objective.continuous.rastrigin module": [[8, "module-pycellga.problems.single_objective.continuous.rastrigin"]], "pycellga.problems.single_objective.continuous.rosenbrock module": [[8, "module-pycellga.problems.single_objective.continuous.rosenbrock"]], "pycellga.problems.single_objective.continuous.rothellipsoid module": [[8, "module-pycellga.problems.single_objective.continuous.rothellipsoid"]], "pycellga.problems.single_objective.continuous.schaffer module": [[8, "module-pycellga.problems.single_objective.continuous.schaffer"]], "pycellga.problems.single_objective.continuous.schaffer2 module": [[8, "module-pycellga.problems.single_objective.continuous.schaffer2"]], "pycellga.problems.single_objective.continuous.schwefel module": [[8, "module-pycellga.problems.single_objective.continuous.schwefel"]], "pycellga.problems.single_objective.continuous.sphere module": [[8, "module-pycellga.problems.single_objective.continuous.sphere"]], "pycellga.problems.single_objective.continuous.styblinskitang module": [[8, "module-pycellga.problems.single_objective.continuous.styblinskitang"]], "pycellga.problems.single_objective.continuous.sumofdifferentpowers module": [[8, "module-pycellga.problems.single_objective.continuous.sumofdifferentpowers"]], "pycellga.problems.single_objective.continuous.threehumps module": [[8, "module-pycellga.problems.single_objective.continuous.threehumps"]], "pycellga.problems.single_objective.continuous.zakharov module": [[8, "module-pycellga.problems.single_objective.continuous.zakharov"]], "pycellga.problems.single_objective.continuous.zettle module": [[8, "module-pycellga.problems.single_objective.continuous.zettle"]], "pycellga.problems.single_objective.discrete package": [[9, null]], "pycellga.problems.single_objective.discrete.binary package": [[10, null]], "pycellga.problems.single_objective.discrete.binary.count_sat module": [[10, "module-pycellga.problems.single_objective.discrete.binary.count_sat"]], "pycellga.problems.single_objective.discrete.binary.ecc module": [[10, "module-pycellga.problems.single_objective.discrete.binary.ecc"]], "pycellga.problems.single_objective.discrete.binary.fms module": [[10, "module-pycellga.problems.single_objective.discrete.binary.fms"]], "pycellga.problems.single_objective.discrete.binary.maxcut100 module": [[10, "module-pycellga.problems.single_objective.discrete.binary.maxcut100"]], "pycellga.problems.single_objective.discrete.binary.maxcut20_01 module": [[10, "module-pycellga.problems.single_objective.discrete.binary.maxcut20_01"]], "pycellga.problems.single_objective.discrete.binary.maxcut20_09 module": [[10, "module-pycellga.problems.single_objective.discrete.binary.maxcut20_09"]], "pycellga.problems.single_objective.discrete.binary.mmdp module": [[10, "module-pycellga.problems.single_objective.discrete.binary.mmdp"]], "pycellga.problems.single_objective.discrete.binary.one_max module": [[10, "module-pycellga.problems.single_objective.discrete.binary.one_max"]], "pycellga.problems.single_objective.discrete.binary.peak module": [[10, "module-pycellga.problems.single_objective.discrete.binary.peak"]], "pycellga.problems.single_objective.discrete.permutation package": [[11, null]], "pycellga.problems.single_objective.discrete.permutation.tsp module": [[11, "module-pycellga.problems.single_objective.discrete.permutation.tsp"]], "pycellga.recombination package": [[12, null]], "pycellga.recombination.arithmetic_crossover module": [[12, "module-pycellga.recombination.arithmetic_crossover"]], "pycellga.recombination.blxalpha_crossover module": [[12, "module-pycellga.recombination.blxalpha_crossover"]], "pycellga.recombination.byte_one_point_crossover module": [[12, "module-pycellga.recombination.byte_one_point_crossover"]], "pycellga.recombination.byte_uniform_crossover module": [[12, "module-pycellga.recombination.byte_uniform_crossover"]], "pycellga.recombination.flat_crossover module": [[12, "module-pycellga.recombination.flat_crossover"]], "pycellga.recombination.linear_crossover module": [[12, "module-pycellga.recombination.linear_crossover"]], "pycellga.recombination.one_point_crossover module": [[12, "module-pycellga.recombination.one_point_crossover"]], "pycellga.recombination.pmx_crossover module": [[12, "module-pycellga.recombination.pmx_crossover"]], "pycellga.recombination.recombination_operator module": [[12, "module-pycellga.recombination.recombination_operator"]], "pycellga.recombination.two_point_crossover module": [[12, "module-pycellga.recombination.two_point_crossover"]], "pycellga.recombination.unfair_avarage_crossover module": [[12, "module-pycellga.recombination.unfair_avarage_crossover"]], "pycellga.recombination.uniform_crossover module": [[12, "module-pycellga.recombination.uniform_crossover"]], "pycellga.selection package": [[13, null]], "pycellga.selection.roulette_wheel_selection module": [[13, "module-pycellga.selection.roulette_wheel_selection"]], "pycellga.selection.selection_operator module": [[13, "module-pycellga.selection.selection_operator"]], "pycellga.selection.tournament_selection module": [[13, "module-pycellga.selection.tournament_selection"]], "pycellga.tests package": [[14, null]], "pycellga.tests.conftest module": [[14, "module-pycellga.tests.conftest"]], "pycellga.tests.test_ackley module": [[14, "module-pycellga.tests.test_ackley"]], "pycellga.tests.test_arithmetic_crossover module": [[14, "module-pycellga.tests.test_arithmetic_crossover"]], "pycellga.tests.test_bentcigar_function module": [[14, "module-pycellga.tests.test_bentcigar_function"]], "pycellga.tests.test_bit_flip_mutation module": [[14, "module-pycellga.tests.test_bit_flip_mutation"]], "pycellga.tests.test_blxalpha_crossover module": [[14, "module-pycellga.tests.test_blxalpha_crossover"]], "pycellga.tests.test_bohachevsky module": [[14, "module-pycellga.tests.test_bohachevsky"]], "pycellga.tests.test_byte_mutation module": [[14, "module-pycellga.tests.test_byte_mutation"]], "pycellga.tests.test_byte_mutation_random module": [[14, "module-pycellga.tests.test_byte_mutation_random"]], "pycellga.tests.test_byte_one_point_crossover module": [[14, "module-pycellga.tests.test_byte_one_point_crossover"]], "pycellga.tests.test_byte_operators module": [[14, "module-pycellga.tests.test_byte_operators"]], "pycellga.tests.test_byte_uniform_crossover module": [[14, "module-pycellga.tests.test_byte_uniform_crossover"]], "pycellga.tests.test_chichinadze_function module": [[14, "module-pycellga.tests.test_chichinadze_function"]], "pycellga.tests.test_compact_13 module": [[14, "module-pycellga.tests.test_compact_13"]], "pycellga.tests.test_compact_21 module": [[14, "module-pycellga.tests.test_compact_21"]], "pycellga.tests.test_compact_25 module": [[14, "module-pycellga.tests.test_compact_25"]], "pycellga.tests.test_compact_9 module": [[14, "module-pycellga.tests.test_compact_9"]], "pycellga.tests.test_count_sat module": [[14, "module-pycellga.tests.test_count_sat"]], "pycellga.tests.test_dropwave_function module": [[14, "module-pycellga.tests.test_dropwave_function"]], "pycellga.tests.test_ecc module": [[14, "module-pycellga.tests.test_ecc"]], "pycellga.tests.test_flat_crossover module": [[14, "module-pycellga.tests.test_flat_crossover"]], "pycellga.tests.test_float_uniform_mutation module": [[14, "module-pycellga.tests.test_float_uniform_mutation"]], "pycellga.tests.test_fms module": [[14, "module-pycellga.tests.test_fms"]], "pycellga.tests.test_grid module": [[14, "module-pycellga.tests.test_grid"]], "pycellga.tests.test_griewank_function module": [[14, "module-pycellga.tests.test_griewank_function"]], "pycellga.tests.test_holzman_function module": [[14, "module-pycellga.tests.test_holzman_function"]], "pycellga.tests.test_individual module": [[14, "module-pycellga.tests.test_individual"]], "pycellga.tests.test_insertion_mutation module": [[14, "module-pycellga.tests.test_insertion_mutation"]], "pycellga.tests.test_levy_function module": [[14, "module-pycellga.tests.test_levy_function"]], "pycellga.tests.test_linear_5 module": [[14, "module-pycellga.tests.test_linear_5"]], "pycellga.tests.test_linear_9 module": [[14, "module-pycellga.tests.test_linear_9"]], "pycellga.tests.test_linear_crossover module": [[14, "module-pycellga.tests.test_linear_crossover"]], "pycellga.tests.test_matyas_function module": [[14, "module-pycellga.tests.test_matyas_function"]], "pycellga.tests.test_maxcut100 module": [[14, "module-pycellga.tests.test_maxcut100"]], "pycellga.tests.test_maxcut20_01 module": [[14, "module-pycellga.tests.test_maxcut20_01"]], "pycellga.tests.test_maxcut20_09 module": [[14, "module-pycellga.tests.test_maxcut20_09"]], "pycellga.tests.test_mmdp module": [[14, "module-pycellga.tests.test_mmdp"]], "pycellga.tests.test_one_max module": [[14, "module-pycellga.tests.test_one_max"]], "pycellga.tests.test_one_point_crossover module": [[14, "module-pycellga.tests.test_one_point_crossover"]], "pycellga.tests.test_optimizer_alpha_cga module": [[14, "module-pycellga.tests.test_optimizer_alpha_cga"]], "pycellga.tests.test_optimizer_ccga module": [[14, "module-pycellga.tests.test_optimizer_ccga"]], "pycellga.tests.test_optimizer_cga module": [[14, "module-pycellga.tests.test_optimizer_cga"]], "pycellga.tests.test_optimizer_mccga module": [[14, "module-pycellga.tests.test_optimizer_mccga"]], "pycellga.tests.test_optimizer_sync_cga module": [[14, "module-pycellga.tests.test_optimizer_sync_cga"]], "pycellga.tests.test_peak module": [[14, "module-pycellga.tests.test_peak"]], "pycellga.tests.test_pmx_crossover module": [[14, "module-pycellga.tests.test_pmx_crossover"]], "pycellga.tests.test_population module": [[14, "module-pycellga.tests.test_population"]], "pycellga.tests.test_pow_function module": [[14, "module-pycellga.tests.test_pow_function"]], "pycellga.tests.test_powell_function module": [[14, "module-pycellga.tests.test_powell_function"]], "pycellga.tests.test_rastrigin module": [[14, "module-pycellga.tests.test_rastrigin"]], "pycellga.tests.test_rosenbrock module": [[14, "module-pycellga.tests.test_rosenbrock"]], "pycellga.tests.test_rothellipsoid_function module": [[14, "module-pycellga.tests.test_rothellipsoid_function"]], "pycellga.tests.test_roulette_wheel_selection module": [[14, "module-pycellga.tests.test_roulette_wheel_selection"]], "pycellga.tests.test_schaffer2_function module": [[14, "module-pycellga.tests.test_schaffer2_function"]], "pycellga.tests.test_schaffer_function module": [[14, "module-pycellga.tests.test_schaffer_function"]], "pycellga.tests.test_schwefel module": [[14, "module-pycellga.tests.test_schwefel"]], "pycellga.tests.test_shuffle_mutation module": [[14, "module-pycellga.tests.test_shuffle_mutation"]], "pycellga.tests.test_sphere module": [[14, "module-pycellga.tests.test_sphere"]], "pycellga.tests.test_styblinskitang_function module": [[14, "module-pycellga.tests.test_styblinskitang_function"]], "pycellga.tests.test_sumofdifferentpowers_function module": [[14, "module-pycellga.tests.test_sumofdifferentpowers_function"]], "pycellga.tests.test_swap_mutation module": [[14, "module-pycellga.tests.test_swap_mutation"]], "pycellga.tests.test_threehumps_function module": [[14, "module-pycellga.tests.test_threehumps_function"]], "pycellga.tests.test_tournament_selection module": [[14, "module-pycellga.tests.test_tournament_selection"]], "pycellga.tests.test_tsp module": [[14, "module-pycellga.tests.test_tsp"]], "pycellga.tests.test_two_opt_mutation module": [[14, "module-pycellga.tests.test_two_opt_mutation"]], "pycellga.tests.test_two_point_crossover module": [[14, "module-pycellga.tests.test_two_point_crossover"]], "pycellga.tests.test_unfair_average_crossover module": [[14, "module-pycellga.tests.test_unfair_average_crossover"]], "pycellga.tests.test_uniform_crossover module": [[14, "module-pycellga.tests.test_uniform_crossover"]], "pycellga.tests.test_zakharov_function module": [[14, "module-pycellga.tests.test_zakharov_function"]], "pycellga.tests.test_zettle_function module": [[14, "module-pycellga.tests.test_zettle_function"]], "setup module": [[15, null]]}, "docnames": ["index", "modules", "pycellga", "pycellga.example", "pycellga.mutation", "pycellga.neighborhoods", "pycellga.problems", "pycellga.problems.single_objective", "pycellga.problems.single_objective.continuous", "pycellga.problems.single_objective.discrete", "pycellga.problems.single_objective.discrete.binary", "pycellga.problems.single_objective.discrete.permutation", "pycellga.recombination", "pycellga.selection", "pycellga.tests", "setup"], "envversion": {"sphinx": 62, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.todo": 2, "sphinx.ext.viewcode": 1}, "filenames": ["index.rst", "modules.rst", "pycellga.rst", "pycellga.example.rst", "pycellga.mutation.rst", "pycellga.neighborhoods.rst", "pycellga.problems.rst", "pycellga.problems.single_objective.rst", "pycellga.problems.single_objective.continuous.rst", "pycellga.problems.single_objective.discrete.rst", "pycellga.problems.single_objective.discrete.binary.rst", "pycellga.problems.single_objective.discrete.permutation.rst", "pycellga.recombination.rst", "pycellga.selection.rst", "pycellga.tests.rst", "setup.rst"], "indexentries": {"__init__() (pycellga.example.example_alpha_cga.exampleproblem method)": [[3, "pycellga.example.example_alpha_cga.ExampleProblem.__init__", false]], "__init__() (pycellga.example.example_ccga.exampleproblem method)": [[3, "pycellga.example.example_ccga.ExampleProblem.__init__", false]], "__init__() (pycellga.example.example_cga.exampleproblem method)": [[3, "pycellga.example.example_cga.ExampleProblem.__init__", false]], "__init__() (pycellga.example.example_mcccga.realproblem method)": [[3, "pycellga.example.example_mcccga.RealProblem.__init__", false]], "__init__() (pycellga.example.example_sync_cga.exampleproblem method)": [[3, "pycellga.example.example_sync_cga.ExampleProblem.__init__", false]], "__init__() (pycellga.grid.grid method)": [[2, "pycellga.grid.Grid.__init__", false]], "__init__() (pycellga.individual.individual method)": [[2, "pycellga.individual.Individual.__init__", false]], "__init__() (pycellga.mutation.bit_flip_mutation.bitflipmutation method)": [[4, "pycellga.mutation.bit_flip_mutation.BitFlipMutation.__init__", false]], "__init__() (pycellga.mutation.byte_mutation.bytemutation method)": [[4, "pycellga.mutation.byte_mutation.ByteMutation.__init__", false]], "__init__() (pycellga.mutation.byte_mutation_random.bytemutationrandom method)": [[4, "pycellga.mutation.byte_mutation_random.ByteMutationRandom.__init__", false]], "__init__() (pycellga.mutation.float_uniform_mutation.floatuniformmutation method)": [[4, "pycellga.mutation.float_uniform_mutation.FloatUniformMutation.__init__", false]], "__init__() (pycellga.mutation.insertion_mutation.insertionmutation method)": [[4, "pycellga.mutation.insertion_mutation.InsertionMutation.__init__", false]], "__init__() (pycellga.mutation.shuffle_mutation.shufflemutation method)": [[4, "pycellga.mutation.shuffle_mutation.ShuffleMutation.__init__", false]], "__init__() (pycellga.mutation.swap_mutation.swapmutation method)": [[4, "pycellga.mutation.swap_mutation.SwapMutation.__init__", false]], "__init__() (pycellga.mutation.two_opt_mutation.twooptmutation method)": [[4, "pycellga.mutation.two_opt_mutation.TwoOptMutation.__init__", false]], "__init__() (pycellga.neighborhoods.compact_13.compact13 method)": [[5, "pycellga.neighborhoods.compact_13.Compact13.__init__", false]], "__init__() (pycellga.neighborhoods.compact_21.compact21 method)": [[5, "pycellga.neighborhoods.compact_21.Compact21.__init__", false]], "__init__() (pycellga.neighborhoods.compact_25.compact25 method)": [[5, "pycellga.neighborhoods.compact_25.Compact25.__init__", false]], "__init__() (pycellga.neighborhoods.compact_9.compact9 method)": [[5, "pycellga.neighborhoods.compact_9.Compact9.__init__", false]], "__init__() (pycellga.neighborhoods.linear_5.linear5 method)": [[5, "pycellga.neighborhoods.linear_5.Linear5.__init__", false]], "__init__() (pycellga.neighborhoods.linear_9.linear9 method)": [[5, "pycellga.neighborhoods.linear_9.Linear9.__init__", false]], "__init__() (pycellga.population.population method)": [[2, "pycellga.population.Population.__init__", false]], "__init__() (pycellga.recombination.arithmetic_crossover.arithmeticcrossover method)": [[12, "pycellga.recombination.arithmetic_crossover.ArithmeticCrossover.__init__", false]], "__init__() (pycellga.recombination.blxalpha_crossover.blxalphacrossover method)": [[12, "pycellga.recombination.blxalpha_crossover.BlxalphaCrossover.__init__", false]], "__init__() (pycellga.recombination.byte_one_point_crossover.byteonepointcrossover method)": [[12, "pycellga.recombination.byte_one_point_crossover.ByteOnePointCrossover.__init__", false]], "__init__() (pycellga.recombination.byte_uniform_crossover.byteuniformcrossover method)": [[12, "pycellga.recombination.byte_uniform_crossover.ByteUniformCrossover.__init__", false]], "__init__() (pycellga.recombination.flat_crossover.flatcrossover method)": [[12, "pycellga.recombination.flat_crossover.FlatCrossover.__init__", false]], "__init__() (pycellga.recombination.linear_crossover.linearcrossover method)": [[12, "pycellga.recombination.linear_crossover.LinearCrossover.__init__", false]], "__init__() (pycellga.recombination.one_point_crossover.onepointcrossover method)": [[12, "pycellga.recombination.one_point_crossover.OnePointCrossover.__init__", false]], "__init__() (pycellga.recombination.pmx_crossover.pmxcrossover method)": [[12, "pycellga.recombination.pmx_crossover.PMXCrossover.__init__", false]], "__init__() (pycellga.recombination.two_point_crossover.twopointcrossover method)": [[12, "pycellga.recombination.two_point_crossover.TwoPointCrossover.__init__", false]], "__init__() (pycellga.recombination.unfair_avarage_crossover.unfairavaragecrossover method)": [[12, "pycellga.recombination.unfair_avarage_crossover.UnfairAvarageCrossover.__init__", false]], "__init__() (pycellga.recombination.uniform_crossover.uniformcrossover method)": [[12, "pycellga.recombination.uniform_crossover.UniformCrossover.__init__", false]], "__init__() (pycellga.selection.roulette_wheel_selection.roulettewheelselection method)": [[13, "pycellga.selection.roulette_wheel_selection.RouletteWheelSelection.__init__", false]], "__init__() (pycellga.selection.tournament_selection.tournamentselection method)": [[13, "pycellga.selection.tournament_selection.TournamentSelection.__init__", false]], "__init__() (pycellga.tests.test_optimizer_alpha_cga.binaryproblem method)": [[14, "pycellga.tests.test_optimizer_alpha_cga.BinaryProblem.__init__", false]], "__init__() (pycellga.tests.test_optimizer_alpha_cga.permutationproblem method)": [[14, "pycellga.tests.test_optimizer_alpha_cga.PermutationProblem.__init__", false]], "__init__() (pycellga.tests.test_optimizer_alpha_cga.realproblem method)": [[14, "pycellga.tests.test_optimizer_alpha_cga.RealProblem.__init__", false]], "__init__() (pycellga.tests.test_optimizer_ccga.binaryproblem method)": [[14, "pycellga.tests.test_optimizer_ccga.BinaryProblem.__init__", false]], "__init__() (pycellga.tests.test_optimizer_cga.binaryproblem method)": [[14, "pycellga.tests.test_optimizer_cga.BinaryProblem.__init__", false]], "__init__() (pycellga.tests.test_optimizer_cga.permutationproblem method)": [[14, "pycellga.tests.test_optimizer_cga.PermutationProblem.__init__", false]], "__init__() (pycellga.tests.test_optimizer_cga.realproblem method)": [[14, "pycellga.tests.test_optimizer_cga.RealProblem.__init__", false]], "__init__() (pycellga.tests.test_optimizer_mccga.realproblem method)": [[14, "pycellga.tests.test_optimizer_mccga.RealProblem.__init__", false]], "__init__() (pycellga.tests.test_optimizer_sync_cga.binaryproblem method)": [[14, "pycellga.tests.test_optimizer_sync_cga.BinaryProblem.__init__", false]], "__init__() (pycellga.tests.test_optimizer_sync_cga.permutationproblem method)": [[14, "pycellga.tests.test_optimizer_sync_cga.PermutationProblem.__init__", false]], "__init__() (pycellga.tests.test_optimizer_sync_cga.realproblem method)": [[14, "pycellga.tests.test_optimizer_sync_cga.RealProblem.__init__", false]], "abstractproblem (class in pycellga.problems.abstract_problem)": [[6, "pycellga.problems.abstract_problem.AbstractProblem", false]], "ackley (class in pycellga.problems.single_objective.continuous.ackley)": [[8, "pycellga.problems.single_objective.continuous.ackley.Ackley", false]], "alpha_cga (pycellga.population.optimizationmethod attribute)": [[2, "pycellga.population.OptimizationMethod.ALPHA_CGA", false]], "alpha_cga() (in module pycellga.optimizer)": [[2, "pycellga.optimizer.alpha_cga", false]], "arithmeticcrossover (class in pycellga.recombination.arithmetic_crossover)": [[12, "pycellga.recombination.arithmetic_crossover.ArithmeticCrossover", false]], "bentcigar (class in pycellga.problems.single_objective.continuous.bentcigar)": [[8, "pycellga.problems.single_objective.continuous.bentcigar.Bentcigar", false]], "binary (pycellga.individual.genetype attribute)": [[2, "pycellga.individual.GeneType.BINARY", false]], "binaryproblem (class in pycellga.tests.test_optimizer_alpha_cga)": [[14, "pycellga.tests.test_optimizer_alpha_cga.BinaryProblem", false]], "binaryproblem (class in pycellga.tests.test_optimizer_ccga)": [[14, "pycellga.tests.test_optimizer_ccga.BinaryProblem", false]], "binaryproblem (class in pycellga.tests.test_optimizer_cga)": [[14, "pycellga.tests.test_optimizer_cga.BinaryProblem", false]], "binaryproblem (class in pycellga.tests.test_optimizer_sync_cga)": [[14, "pycellga.tests.test_optimizer_sync_cga.BinaryProblem", false]], "bitflipmutation (class in pycellga.mutation.bit_flip_mutation)": [[4, "pycellga.mutation.bit_flip_mutation.BitFlipMutation", false]], "bits_to_float() (in module pycellga.byte_operators)": [[2, "pycellga.byte_operators.bits_to_float", false]], "bits_to_floats() (in module pycellga.byte_operators)": [[2, "pycellga.byte_operators.bits_to_floats", false]], "blxalphacrossover (class in pycellga.recombination.blxalpha_crossover)": [[12, "pycellga.recombination.blxalpha_crossover.BlxalphaCrossover", false]], "bohachevsky (class in pycellga.problems.single_objective.continuous.bohachevsky)": [[8, "pycellga.problems.single_objective.continuous.bohachevsky.Bohachevsky", false]], "bytemutation (class in pycellga.mutation.byte_mutation)": [[4, "pycellga.mutation.byte_mutation.ByteMutation", false]], "bytemutationrandom (class in pycellga.mutation.byte_mutation_random)": [[4, "pycellga.mutation.byte_mutation_random.ByteMutationRandom", false]], "byteonepointcrossover (class in pycellga.recombination.byte_one_point_crossover)": [[12, "pycellga.recombination.byte_one_point_crossover.ByteOnePointCrossover", false]], "byteuniformcrossover (class in pycellga.recombination.byte_uniform_crossover)": [[12, "pycellga.recombination.byte_uniform_crossover.ByteUniformCrossover", false]], "calculate_neighbors_positions() (pycellga.neighborhoods.compact_13.compact13 method)": [[5, "pycellga.neighborhoods.compact_13.Compact13.calculate_neighbors_positions", false]], "calculate_neighbors_positions() (pycellga.neighborhoods.compact_21.compact21 method)": [[5, "pycellga.neighborhoods.compact_21.Compact21.calculate_neighbors_positions", false]], "calculate_neighbors_positions() (pycellga.neighborhoods.compact_25.compact25 method)": [[5, "pycellga.neighborhoods.compact_25.Compact25.calculate_neighbors_positions", false]], "calculate_neighbors_positions() (pycellga.neighborhoods.compact_9.compact9 method)": [[5, "pycellga.neighborhoods.compact_9.Compact9.calculate_neighbors_positions", false]], "calculate_neighbors_positions() (pycellga.neighborhoods.linear_5.linear5 method)": [[5, "pycellga.neighborhoods.linear_5.Linear5.calculate_neighbors_positions", false]], "calculate_neighbors_positions() (pycellga.neighborhoods.linear_9.linear9 method)": [[5, "pycellga.neighborhoods.linear_9.Linear9.calculate_neighbors_positions", false]], "ccga (pycellga.population.optimizationmethod attribute)": [[2, "pycellga.population.OptimizationMethod.CCGA", false]], "ccga() (in module pycellga.optimizer)": [[2, "pycellga.optimizer.ccga", false]], "cga (pycellga.population.optimizationmethod attribute)": [[2, "pycellga.population.OptimizationMethod.CGA", false]], "cga() (in module pycellga.optimizer)": [[2, "pycellga.optimizer.cga", false]], "ch_size (pycellga.individual.individual attribute)": [[2, "pycellga.individual.Individual.ch_size", false]], "ch_size (pycellga.population.population attribute)": [[2, "pycellga.population.Population.ch_size", false]], "chichinadze (class in pycellga.problems.single_objective.continuous.chichinadze)": [[8, "pycellga.problems.single_objective.continuous.chichinadze.Chichinadze", false]], "chromosome (pycellga.individual.individual attribute)": [[2, "pycellga.individual.Individual.chromosome", false]], "combine() (pycellga.recombination.blxalpha_crossover.blxalphacrossover method)": [[12, "pycellga.recombination.blxalpha_crossover.BlxalphaCrossover.combine", false]], "combine() (pycellga.recombination.byte_uniform_crossover.byteuniformcrossover method)": [[12, "pycellga.recombination.byte_uniform_crossover.ByteUniformCrossover.combine", false]], "combine() (pycellga.recombination.flat_crossover.flatcrossover method)": [[12, "pycellga.recombination.flat_crossover.FlatCrossover.combine", false]], "combine() (pycellga.recombination.linear_crossover.linearcrossover method)": [[12, "pycellga.recombination.linear_crossover.LinearCrossover.combine", false]], "combine() (pycellga.recombination.uniform_crossover.uniformcrossover method)": [[12, "pycellga.recombination.uniform_crossover.UniformCrossover.combine", false]], "compact13 (class in pycellga.neighborhoods.compact_13)": [[5, "pycellga.neighborhoods.compact_13.Compact13", false]], "compact21 (class in pycellga.neighborhoods.compact_21)": [[5, "pycellga.neighborhoods.compact_21.Compact21", false]], "compact25 (class in pycellga.neighborhoods.compact_25)": [[5, "pycellga.neighborhoods.compact_25.Compact25", false]], "compact9 (class in pycellga.neighborhoods.compact_9)": [[5, "pycellga.neighborhoods.compact_9.Compact9", false]], "compete() (in module pycellga.optimizer)": [[2, "pycellga.optimizer.compete", false]], "countsat (class in pycellga.problems.single_objective.discrete.binary.count_sat)": [[10, "pycellga.problems.single_objective.discrete.binary.count_sat.CountSat", false]], "dropwave (class in pycellga.problems.single_objective.continuous.dropwave)": [[8, "pycellga.problems.single_objective.continuous.dropwave.Dropwave", false]], "ecc (class in pycellga.problems.single_objective.discrete.binary.ecc)": [[10, "pycellga.problems.single_objective.discrete.binary.ecc.Ecc", false]], "ecc_instance() (in module pycellga.tests.test_ecc)": [[14, "pycellga.tests.test_ecc.ecc_instance", false]], "euclidean_dist() (pycellga.problems.single_objective.discrete.permutation.tsp.tsp method)": [[11, "pycellga.problems.single_objective.discrete.permutation.tsp.Tsp.euclidean_dist", false]], "exampleproblem (class in pycellga.example.example_alpha_cga)": [[3, "pycellga.example.example_alpha_cga.ExampleProblem", false]], "exampleproblem (class in pycellga.example.example_ccga)": [[3, "pycellga.example.example_ccga.ExampleProblem", false]], "exampleproblem (class in pycellga.example.example_cga)": [[3, "pycellga.example.example_cga.ExampleProblem", false]], "exampleproblem (class in pycellga.example.example_sync_cga)": [[3, "pycellga.example.example_sync_cga.ExampleProblem", false]], "f() (pycellga.example.example_alpha_cga.exampleproblem method)": [[3, "pycellga.example.example_alpha_cga.ExampleProblem.f", false]], "f() (pycellga.example.example_ccga.exampleproblem method)": [[3, "pycellga.example.example_ccga.ExampleProblem.f", false]], "f() (pycellga.example.example_cga.exampleproblem method)": [[3, "pycellga.example.example_cga.ExampleProblem.f", false]], "f() (pycellga.example.example_mcccga.realproblem method)": [[3, "pycellga.example.example_mcccga.RealProblem.f", false]], "f() (pycellga.example.example_sync_cga.exampleproblem method)": [[3, "pycellga.example.example_sync_cga.ExampleProblem.f", false]], "f() (pycellga.problems.abstract_problem.abstractproblem method)": [[6, "id0", false], [6, "pycellga.problems.abstract_problem.AbstractProblem.f", false]], "f() (pycellga.problems.single_objective.continuous.ackley.ackley method)": [[8, "id0", false], [8, "pycellga.problems.single_objective.continuous.ackley.Ackley.f", false]], "f() (pycellga.problems.single_objective.continuous.bentcigar.bentcigar method)": [[8, "id1", false], [8, "pycellga.problems.single_objective.continuous.bentcigar.Bentcigar.f", false]], "f() (pycellga.problems.single_objective.continuous.bohachevsky.bohachevsky method)": [[8, "id2", false], [8, "pycellga.problems.single_objective.continuous.bohachevsky.Bohachevsky.f", false]], "f() (pycellga.problems.single_objective.continuous.chichinadze.chichinadze method)": [[8, "id3", false], [8, "pycellga.problems.single_objective.continuous.chichinadze.Chichinadze.f", false]], "f() (pycellga.problems.single_objective.continuous.dropwave.dropwave method)": [[8, "id4", false], [8, "pycellga.problems.single_objective.continuous.dropwave.Dropwave.f", false]], "f() (pycellga.problems.single_objective.continuous.fms.fms method)": [[8, "id5", false], [8, "pycellga.problems.single_objective.continuous.fms.Fms.f", false]], "f() (pycellga.problems.single_objective.continuous.griewank.griewank method)": [[8, "id6", false], [8, "pycellga.problems.single_objective.continuous.griewank.Griewank.f", false]], "f() (pycellga.problems.single_objective.continuous.holzman.holzman method)": [[8, "id7", false], [8, "pycellga.problems.single_objective.continuous.holzman.Holzman.f", false]], "f() (pycellga.problems.single_objective.continuous.levy.levy method)": [[8, "id8", false], [8, "pycellga.problems.single_objective.continuous.levy.Levy.f", false]], "f() (pycellga.problems.single_objective.continuous.matyas.matyas method)": [[8, "id9", false], [8, "pycellga.problems.single_objective.continuous.matyas.Matyas.f", false]], "f() (pycellga.problems.single_objective.continuous.pow.pow method)": [[8, "id10", false], [8, "pycellga.problems.single_objective.continuous.pow.Pow.f", false]], "f() (pycellga.problems.single_objective.continuous.powell.powell method)": [[8, "id11", false], [8, "pycellga.problems.single_objective.continuous.powell.Powell.f", false]], "f() (pycellga.problems.single_objective.continuous.rastrigin.rastrigin method)": [[8, "id12", false], [8, "pycellga.problems.single_objective.continuous.rastrigin.Rastrigin.f", false]], "f() (pycellga.problems.single_objective.continuous.rosenbrock.rosenbrock method)": [[8, "id13", false], [8, "pycellga.problems.single_objective.continuous.rosenbrock.Rosenbrock.f", false]], "f() (pycellga.problems.single_objective.continuous.rothellipsoid.rothellipsoid method)": [[8, "id14", false], [8, "pycellga.problems.single_objective.continuous.rothellipsoid.Rothellipsoid.f", false]], "f() (pycellga.problems.single_objective.continuous.schaffer.schaffer method)": [[8, "id15", false], [8, "pycellga.problems.single_objective.continuous.schaffer.Schaffer.f", false]], "f() (pycellga.problems.single_objective.continuous.schaffer2.schaffer2 method)": [[8, "id16", false], [8, "pycellga.problems.single_objective.continuous.schaffer2.Schaffer2.f", false]], "f() (pycellga.problems.single_objective.continuous.schwefel.schwefel method)": [[8, "id17", false], [8, "pycellga.problems.single_objective.continuous.schwefel.Schwefel.f", false]], "f() (pycellga.problems.single_objective.continuous.sphere.sphere method)": [[8, "id18", false], [8, "pycellga.problems.single_objective.continuous.sphere.Sphere.f", false]], "f() (pycellga.problems.single_objective.continuous.styblinskitang.styblinskitang method)": [[8, "id19", false], [8, "pycellga.problems.single_objective.continuous.styblinskitang.StyblinskiTang.f", false]], "f() (pycellga.problems.single_objective.continuous.sumofdifferentpowers.sumofdifferentpowers method)": [[8, "pycellga.problems.single_objective.continuous.sumofdifferentpowers.Sumofdifferentpowers.f", false]], "f() (pycellga.problems.single_objective.continuous.threehumps.threehumps method)": [[8, "id20", false], [8, "pycellga.problems.single_objective.continuous.threehumps.Threehumps.f", false]], "f() (pycellga.problems.single_objective.continuous.zakharov.zakharov method)": [[8, "id21", false], [8, "pycellga.problems.single_objective.continuous.zakharov.Zakharov.f", false]], "f() (pycellga.problems.single_objective.continuous.zettle.zettle method)": [[8, "id22", false], [8, "pycellga.problems.single_objective.continuous.zettle.Zettle.f", false]], "f() (pycellga.problems.single_objective.discrete.binary.count_sat.countsat method)": [[10, "id0", false], [10, "pycellga.problems.single_objective.discrete.binary.count_sat.CountSat.f", false]], "f() (pycellga.problems.single_objective.discrete.binary.ecc.ecc method)": [[10, "id1", false], [10, "pycellga.problems.single_objective.discrete.binary.ecc.Ecc.f", false]], "f() (pycellga.problems.single_objective.discrete.binary.fms.fms method)": [[10, "id2", false], [10, "pycellga.problems.single_objective.discrete.binary.fms.Fms.f", false]], "f() (pycellga.problems.single_objective.discrete.binary.maxcut100.maxcut100 method)": [[10, "id3", false], [10, "pycellga.problems.single_objective.discrete.binary.maxcut100.Maxcut100.f", false]], "f() (pycellga.problems.single_objective.discrete.binary.maxcut20_01.maxcut20_01 method)": [[10, "id4", false], [10, "pycellga.problems.single_objective.discrete.binary.maxcut20_01.Maxcut20_01.f", false]], "f() (pycellga.problems.single_objective.discrete.binary.maxcut20_09.maxcut20_09 method)": [[10, "id5", false], [10, "pycellga.problems.single_objective.discrete.binary.maxcut20_09.Maxcut20_09.f", false]], "f() (pycellga.problems.single_objective.discrete.binary.mmdp.mmdp method)": [[10, "id6", false], [10, "pycellga.problems.single_objective.discrete.binary.mmdp.Mmdp.f", false]], "f() (pycellga.problems.single_objective.discrete.binary.one_max.onemax method)": [[10, "id7", false], [10, "pycellga.problems.single_objective.discrete.binary.one_max.OneMax.f", false]], "f() (pycellga.problems.single_objective.discrete.binary.peak.peak method)": [[10, "id8", false], [10, "pycellga.problems.single_objective.discrete.binary.peak.Peak.f", false]], "f() (pycellga.problems.single_objective.discrete.permutation.tsp.tsp method)": [[11, "pycellga.problems.single_objective.discrete.permutation.tsp.Tsp.f", false]], "f() (pycellga.tests.test_arithmetic_crossover.mockproblem method)": [[14, "pycellga.tests.test_arithmetic_crossover.MockProblem.f", false]], "f() (pycellga.tests.test_blxalpha_crossover.mockproblem method)": [[14, "pycellga.tests.test_blxalpha_crossover.MockProblem.f", false]], "f() (pycellga.tests.test_byte_mutation.mockproblem method)": [[14, "pycellga.tests.test_byte_mutation.MockProblem.f", false]], "f() (pycellga.tests.test_byte_mutation_random.mockproblem method)": [[14, "pycellga.tests.test_byte_mutation_random.MockProblem.f", false]], "f() (pycellga.tests.test_byte_one_point_crossover.mockproblem method)": [[14, "pycellga.tests.test_byte_one_point_crossover.MockProblem.f", false]], "f() (pycellga.tests.test_byte_uniform_crossover.mockproblem method)": [[14, "pycellga.tests.test_byte_uniform_crossover.MockProblem.f", false]], "f() (pycellga.tests.test_flat_crossover.mockproblem method)": [[14, "pycellga.tests.test_flat_crossover.MockProblem.f", false]], "f() (pycellga.tests.test_float_uniform_mutation.mockproblem method)": [[14, "pycellga.tests.test_float_uniform_mutation.MockProblem.f", false]], "f() (pycellga.tests.test_linear_crossover.mockproblem method)": [[14, "pycellga.tests.test_linear_crossover.MockProblem.f", false]], "f() (pycellga.tests.test_optimizer_alpha_cga.binaryproblem method)": [[14, "pycellga.tests.test_optimizer_alpha_cga.BinaryProblem.f", false]], "f() (pycellga.tests.test_optimizer_alpha_cga.permutationproblem method)": [[14, "pycellga.tests.test_optimizer_alpha_cga.PermutationProblem.f", false]], "f() (pycellga.tests.test_optimizer_alpha_cga.realproblem method)": [[14, "pycellga.tests.test_optimizer_alpha_cga.RealProblem.f", false]], "f() (pycellga.tests.test_optimizer_ccga.binaryproblem method)": [[14, "pycellga.tests.test_optimizer_ccga.BinaryProblem.f", false]], "f() (pycellga.tests.test_optimizer_cga.binaryproblem method)": [[14, "pycellga.tests.test_optimizer_cga.BinaryProblem.f", false]], "f() (pycellga.tests.test_optimizer_cga.permutationproblem method)": [[14, "pycellga.tests.test_optimizer_cga.PermutationProblem.f", false]], "f() (pycellga.tests.test_optimizer_cga.realproblem method)": [[14, "pycellga.tests.test_optimizer_cga.RealProblem.f", false]], "f() (pycellga.tests.test_optimizer_mccga.realproblem method)": [[14, "pycellga.tests.test_optimizer_mccga.RealProblem.f", false]], "f() (pycellga.tests.test_optimizer_sync_cga.binaryproblem method)": [[14, "pycellga.tests.test_optimizer_sync_cga.BinaryProblem.f", false]], "f() (pycellga.tests.test_optimizer_sync_cga.permutationproblem method)": [[14, "pycellga.tests.test_optimizer_sync_cga.PermutationProblem.f", false]], "f() (pycellga.tests.test_optimizer_sync_cga.realproblem method)": [[14, "pycellga.tests.test_optimizer_sync_cga.RealProblem.f", false]], "f() (pycellga.tests.test_population.mockproblem method)": [[14, "id0", false], [14, "pycellga.tests.test_population.MockProblem.f", false]], "f() (pycellga.tests.test_pow_function.pow method)": [[14, "id1", false], [14, "pycellga.tests.test_pow_function.Pow.f", false]], "f() (pycellga.tests.test_unfair_average_crossover.mockproblem method)": [[14, "pycellga.tests.test_unfair_average_crossover.MockProblem.f", false]], "fitness_value (pycellga.individual.individual attribute)": [[2, "pycellga.individual.Individual.fitness_value", false]], "flatcrossover (class in pycellga.recombination.flat_crossover)": [[12, "pycellga.recombination.flat_crossover.FlatCrossover", false]], "float_to_bits() (in module pycellga.byte_operators)": [[2, "pycellga.byte_operators.float_to_bits", false]], "floats_to_bits() (in module pycellga.byte_operators)": [[2, "pycellga.byte_operators.floats_to_bits", false]], "floatuniformmutation (class in pycellga.mutation.float_uniform_mutation)": [[4, "pycellga.mutation.float_uniform_mutation.FloatUniformMutation", false]], "fms (class in pycellga.problems.single_objective.continuous.fms)": [[8, "pycellga.problems.single_objective.continuous.fms.Fms", false]], "fms (class in pycellga.problems.single_objective.discrete.binary.fms)": [[10, "pycellga.problems.single_objective.discrete.binary.fms.Fms", false]], "fms_instance() (in module pycellga.tests.test_fms)": [[14, "pycellga.tests.test_fms.fms_instance", false]], "gen_type (pycellga.individual.individual attribute)": [[2, "pycellga.individual.Individual.gen_type", false]], "gen_type (pycellga.population.population attribute)": [[2, "pycellga.population.Population.gen_type", false]], "generate_candidate() (pycellga.individual.individual method)": [[2, "pycellga.individual.Individual.generate_candidate", false]], "generate_probability_vector() (in module pycellga.optimizer)": [[2, "pycellga.optimizer.generate_probability_vector", false]], "genetype (class in pycellga.individual)": [[2, "pycellga.individual.GeneType", false]], "get_parents() (pycellga.selection.roulette_wheel_selection.roulettewheelselection method)": [[13, "pycellga.selection.roulette_wheel_selection.RouletteWheelSelection.get_parents", false]], "get_parents() (pycellga.selection.selection_operator.selectionoperator method)": [[13, "pycellga.selection.selection_operator.SelectionOperator.get_parents", false]], "get_parents() (pycellga.selection.tournament_selection.tournamentselection method)": [[13, "pycellga.selection.tournament_selection.TournamentSelection.get_parents", false]], "get_recombinations() (pycellga.recombination.arithmetic_crossover.arithmeticcrossover method)": [[12, "pycellga.recombination.arithmetic_crossover.ArithmeticCrossover.get_recombinations", false]], "get_recombinations() (pycellga.recombination.blxalpha_crossover.blxalphacrossover method)": [[12, "pycellga.recombination.blxalpha_crossover.BlxalphaCrossover.get_recombinations", false]], "get_recombinations() (pycellga.recombination.byte_one_point_crossover.byteonepointcrossover method)": [[12, "pycellga.recombination.byte_one_point_crossover.ByteOnePointCrossover.get_recombinations", false]], "get_recombinations() (pycellga.recombination.byte_uniform_crossover.byteuniformcrossover method)": [[12, "pycellga.recombination.byte_uniform_crossover.ByteUniformCrossover.get_recombinations", false]], "get_recombinations() (pycellga.recombination.flat_crossover.flatcrossover method)": [[12, "pycellga.recombination.flat_crossover.FlatCrossover.get_recombinations", false]], "get_recombinations() (pycellga.recombination.linear_crossover.linearcrossover method)": [[12, "pycellga.recombination.linear_crossover.LinearCrossover.get_recombinations", false]], "get_recombinations() (pycellga.recombination.one_point_crossover.onepointcrossover method)": [[12, "pycellga.recombination.one_point_crossover.OnePointCrossover.get_recombinations", false]], "get_recombinations() (pycellga.recombination.pmx_crossover.pmxcrossover method)": [[12, "pycellga.recombination.pmx_crossover.PMXCrossover.get_recombinations", false]], "get_recombinations() (pycellga.recombination.recombination_operator.recombinationoperator method)": [[12, "pycellga.recombination.recombination_operator.RecombinationOperator.get_recombinations", false]], "get_recombinations() (pycellga.recombination.two_point_crossover.twopointcrossover method)": [[12, "pycellga.recombination.two_point_crossover.TwoPointCrossover.get_recombinations", false]], "get_recombinations() (pycellga.recombination.unfair_avarage_crossover.unfairavaragecrossover method)": [[12, "pycellga.recombination.unfair_avarage_crossover.UnfairAvarageCrossover.get_recombinations", false]], "get_recombinations() (pycellga.recombination.uniform_crossover.uniformcrossover method)": [[12, "pycellga.recombination.uniform_crossover.UniformCrossover.get_recombinations", false]], "getneighbors() (pycellga.individual.individual method)": [[2, "pycellga.individual.Individual.getneighbors", false]], "getneighbors_positions() (pycellga.individual.individual method)": [[2, "pycellga.individual.Individual.getneighbors_positions", false]], "gographical_dist() (pycellga.problems.single_objective.discrete.permutation.tsp.tsp method)": [[11, "pycellga.problems.single_objective.discrete.permutation.tsp.Tsp.gographical_dist", false]], "grid (class in pycellga.grid)": [[2, "pycellga.grid.Grid", false]], "griewank (class in pycellga.problems.single_objective.continuous.griewank)": [[8, "pycellga.problems.single_objective.continuous.griewank.Griewank", false]], "holzman (class in pycellga.problems.single_objective.continuous.holzman)": [[8, "pycellga.problems.single_objective.continuous.holzman.Holzman", false]], "individual (class in pycellga.individual)": [[2, "pycellga.individual.Individual", false]], "initial_population() (pycellga.population.population method)": [[2, "pycellga.population.Population.initial_population", false]], "insertionmutation (class in pycellga.mutation.insertion_mutation)": [[4, "pycellga.mutation.insertion_mutation.InsertionMutation", false]], "levy (class in pycellga.problems.single_objective.continuous.levy)": [[8, "pycellga.problems.single_objective.continuous.levy.Levy", false]], "linear5 (class in pycellga.neighborhoods.linear_5)": [[5, "pycellga.neighborhoods.linear_5.Linear5", false]], "linear9 (class in pycellga.neighborhoods.linear_9)": [[5, "pycellga.neighborhoods.linear_9.Linear9", false]], "linearcrossover (class in pycellga.recombination.linear_crossover)": [[12, "pycellga.recombination.linear_crossover.LinearCrossover", false]], "make_2d_grid() (pycellga.grid.grid method)": [[2, "pycellga.grid.Grid.make_2d_grid", false]], "matyas (class in pycellga.problems.single_objective.continuous.matyas)": [[8, "pycellga.problems.single_objective.continuous.matyas.Matyas", false]], "maxcut100 (class in pycellga.problems.single_objective.discrete.binary.maxcut100)": [[10, "pycellga.problems.single_objective.discrete.binary.maxcut100.Maxcut100", false]], "maxcut20_01 (class in pycellga.problems.single_objective.discrete.binary.maxcut20_01)": [[10, "pycellga.problems.single_objective.discrete.binary.maxcut20_01.Maxcut20_01", false]], "maxcut20_09 (class in pycellga.problems.single_objective.discrete.binary.maxcut20_09)": [[10, "pycellga.problems.single_objective.discrete.binary.maxcut20_09.Maxcut20_09", false]], "maxcut_instance() (in module pycellga.tests.test_maxcut100)": [[14, "pycellga.tests.test_maxcut100.maxcut_instance", false]], "maxcut_instance() (in module pycellga.tests.test_maxcut20_01)": [[14, "pycellga.tests.test_maxcut20_01.maxcut_instance", false]], "maxcut_instance() (in module pycellga.tests.test_maxcut20_09)": [[14, "pycellga.tests.test_maxcut20_09.maxcut_instance", false]], "mcccga (pycellga.population.optimizationmethod attribute)": [[2, "pycellga.population.OptimizationMethod.MCCCGA", false]], "mcccga() (in module pycellga.optimizer)": [[2, "pycellga.optimizer.mcccga", false]], "method_name (pycellga.population.population attribute)": [[2, "pycellga.population.Population.method_name", false]], "mmdp (class in pycellga.problems.single_objective.discrete.binary.mmdp)": [[10, "pycellga.problems.single_objective.discrete.binary.mmdp.Mmdp", false]], "mmdp_instance() (in module pycellga.tests.test_mmdp)": [[14, "pycellga.tests.test_mmdp.mmdp_instance", false]], "mockproblem (class in pycellga.tests.test_arithmetic_crossover)": [[14, "pycellga.tests.test_arithmetic_crossover.MockProblem", false]], "mockproblem (class in pycellga.tests.test_blxalpha_crossover)": [[14, "pycellga.tests.test_blxalpha_crossover.MockProblem", false]], "mockproblem (class in pycellga.tests.test_byte_mutation)": [[14, "pycellga.tests.test_byte_mutation.MockProblem", false]], "mockproblem (class in pycellga.tests.test_byte_mutation_random)": [[14, "pycellga.tests.test_byte_mutation_random.MockProblem", false]], "mockproblem (class in pycellga.tests.test_byte_one_point_crossover)": [[14, "pycellga.tests.test_byte_one_point_crossover.MockProblem", false]], "mockproblem (class in pycellga.tests.test_byte_uniform_crossover)": [[14, "pycellga.tests.test_byte_uniform_crossover.MockProblem", false]], "mockproblem (class in pycellga.tests.test_flat_crossover)": [[14, "pycellga.tests.test_flat_crossover.MockProblem", false]], "mockproblem (class in pycellga.tests.test_float_uniform_mutation)": [[14, "pycellga.tests.test_float_uniform_mutation.MockProblem", false]], "mockproblem (class in pycellga.tests.test_linear_crossover)": [[14, "pycellga.tests.test_linear_crossover.MockProblem", false]], "mockproblem (class in pycellga.tests.test_population)": [[14, "pycellga.tests.test_population.MockProblem", false]], "mockproblem (class in pycellga.tests.test_unfair_average_crossover)": [[14, "pycellga.tests.test_unfair_average_crossover.MockProblem", false]], "module": [[2, "module-pycellga", false], [2, "module-pycellga.byte_operators", false], [2, "module-pycellga.grid", false], [2, "module-pycellga.individual", false], [2, "module-pycellga.optimizer", false], [2, "module-pycellga.population", false], [3, "module-pycellga.example", false], [3, "module-pycellga.example.example_alpha_cga", false], [3, "module-pycellga.example.example_ccga", false], [3, "module-pycellga.example.example_cga", false], [3, "module-pycellga.example.example_mcccga", false], [3, "module-pycellga.example.example_sync_cga", false], [4, "module-pycellga.mutation", false], [4, "module-pycellga.mutation.bit_flip_mutation", false], [4, "module-pycellga.mutation.byte_mutation", false], [4, "module-pycellga.mutation.byte_mutation_random", false], [4, "module-pycellga.mutation.float_uniform_mutation", false], [4, "module-pycellga.mutation.insertion_mutation", false], [4, "module-pycellga.mutation.mutation_operator", false], [4, "module-pycellga.mutation.shuffle_mutation", false], [4, "module-pycellga.mutation.swap_mutation", false], [4, "module-pycellga.mutation.two_opt_mutation", false], [5, "module-pycellga.neighborhoods", false], [5, "module-pycellga.neighborhoods.compact_13", false], [5, "module-pycellga.neighborhoods.compact_21", false], [5, "module-pycellga.neighborhoods.compact_25", false], [5, "module-pycellga.neighborhoods.compact_9", false], [5, "module-pycellga.neighborhoods.linear_5", false], [5, "module-pycellga.neighborhoods.linear_9", false], [6, "module-pycellga.problems", false], [6, "module-pycellga.problems.abstract_problem", false], [7, "module-pycellga.problems.single_objective", false], [8, "module-pycellga.problems.single_objective.continuous", false], [8, "module-pycellga.problems.single_objective.continuous.ackley", false], [8, "module-pycellga.problems.single_objective.continuous.bentcigar", false], [8, "module-pycellga.problems.single_objective.continuous.bohachevsky", false], [8, "module-pycellga.problems.single_objective.continuous.chichinadze", false], [8, "module-pycellga.problems.single_objective.continuous.dropwave", false], [8, "module-pycellga.problems.single_objective.continuous.fms", false], [8, "module-pycellga.problems.single_objective.continuous.griewank", false], [8, "module-pycellga.problems.single_objective.continuous.holzman", false], [8, "module-pycellga.problems.single_objective.continuous.levy", false], [8, "module-pycellga.problems.single_objective.continuous.matyas", false], [8, "module-pycellga.problems.single_objective.continuous.pow", false], [8, "module-pycellga.problems.single_objective.continuous.powell", false], [8, "module-pycellga.problems.single_objective.continuous.rastrigin", false], [8, "module-pycellga.problems.single_objective.continuous.rosenbrock", false], [8, "module-pycellga.problems.single_objective.continuous.rothellipsoid", false], [8, "module-pycellga.problems.single_objective.continuous.schaffer", false], [8, "module-pycellga.problems.single_objective.continuous.schaffer2", false], [8, "module-pycellga.problems.single_objective.continuous.schwefel", false], [8, "module-pycellga.problems.single_objective.continuous.sphere", false], [8, "module-pycellga.problems.single_objective.continuous.styblinskitang", false], [8, "module-pycellga.problems.single_objective.continuous.sumofdifferentpowers", false], [8, "module-pycellga.problems.single_objective.continuous.threehumps", false], [8, "module-pycellga.problems.single_objective.continuous.zakharov", false], [8, "module-pycellga.problems.single_objective.continuous.zettle", false], [9, "module-pycellga.problems.single_objective.discrete", false], [10, "module-pycellga.problems.single_objective.discrete.binary", false], [10, "module-pycellga.problems.single_objective.discrete.binary.count_sat", false], [10, "module-pycellga.problems.single_objective.discrete.binary.ecc", false], [10, "module-pycellga.problems.single_objective.discrete.binary.fms", false], [10, "module-pycellga.problems.single_objective.discrete.binary.maxcut100", false], [10, "module-pycellga.problems.single_objective.discrete.binary.maxcut20_01", false], [10, "module-pycellga.problems.single_objective.discrete.binary.maxcut20_09", false], [10, "module-pycellga.problems.single_objective.discrete.binary.mmdp", false], [10, "module-pycellga.problems.single_objective.discrete.binary.one_max", false], [10, "module-pycellga.problems.single_objective.discrete.binary.peak", false], [11, "module-pycellga.problems.single_objective.discrete.permutation", false], [11, "module-pycellga.problems.single_objective.discrete.permutation.tsp", false], [12, "module-pycellga.recombination", false], [12, "module-pycellga.recombination.arithmetic_crossover", false], [12, "module-pycellga.recombination.blxalpha_crossover", false], [12, "module-pycellga.recombination.byte_one_point_crossover", false], [12, "module-pycellga.recombination.byte_uniform_crossover", false], [12, "module-pycellga.recombination.flat_crossover", false], [12, "module-pycellga.recombination.linear_crossover", false], [12, "module-pycellga.recombination.one_point_crossover", false], [12, "module-pycellga.recombination.pmx_crossover", false], [12, "module-pycellga.recombination.recombination_operator", false], [12, "module-pycellga.recombination.two_point_crossover", false], [12, "module-pycellga.recombination.unfair_avarage_crossover", false], [12, "module-pycellga.recombination.uniform_crossover", false], [13, "module-pycellga.selection", false], [13, "module-pycellga.selection.roulette_wheel_selection", false], [13, "module-pycellga.selection.selection_operator", false], [13, "module-pycellga.selection.tournament_selection", false], [14, "module-pycellga.tests", false], [14, "module-pycellga.tests.conftest", false], [14, "module-pycellga.tests.test_ackley", false], [14, "module-pycellga.tests.test_arithmetic_crossover", false], [14, "module-pycellga.tests.test_bentcigar_function", false], [14, "module-pycellga.tests.test_bit_flip_mutation", false], [14, "module-pycellga.tests.test_blxalpha_crossover", false], [14, "module-pycellga.tests.test_bohachevsky", false], [14, "module-pycellga.tests.test_byte_mutation", false], [14, "module-pycellga.tests.test_byte_mutation_random", false], [14, "module-pycellga.tests.test_byte_one_point_crossover", false], [14, "module-pycellga.tests.test_byte_operators", false], [14, "module-pycellga.tests.test_byte_uniform_crossover", false], [14, "module-pycellga.tests.test_chichinadze_function", false], [14, "module-pycellga.tests.test_compact_13", false], [14, "module-pycellga.tests.test_compact_21", false], [14, "module-pycellga.tests.test_compact_25", false], [14, "module-pycellga.tests.test_compact_9", false], [14, "module-pycellga.tests.test_count_sat", false], [14, "module-pycellga.tests.test_dropwave_function", false], [14, "module-pycellga.tests.test_ecc", false], [14, "module-pycellga.tests.test_flat_crossover", false], [14, "module-pycellga.tests.test_float_uniform_mutation", false], [14, "module-pycellga.tests.test_fms", false], [14, "module-pycellga.tests.test_grid", false], [14, "module-pycellga.tests.test_griewank_function", false], [14, "module-pycellga.tests.test_holzman_function", false], [14, "module-pycellga.tests.test_individual", false], [14, "module-pycellga.tests.test_insertion_mutation", false], [14, "module-pycellga.tests.test_levy_function", false], [14, "module-pycellga.tests.test_linear_5", false], [14, "module-pycellga.tests.test_linear_9", false], [14, "module-pycellga.tests.test_linear_crossover", false], [14, "module-pycellga.tests.test_matyas_function", false], [14, "module-pycellga.tests.test_maxcut100", false], [14, "module-pycellga.tests.test_maxcut20_01", false], [14, "module-pycellga.tests.test_maxcut20_09", false], [14, "module-pycellga.tests.test_mmdp", false], [14, "module-pycellga.tests.test_one_max", false], [14, "module-pycellga.tests.test_one_point_crossover", false], [14, "module-pycellga.tests.test_optimizer_alpha_cga", false], [14, "module-pycellga.tests.test_optimizer_ccga", false], [14, "module-pycellga.tests.test_optimizer_cga", false], [14, "module-pycellga.tests.test_optimizer_mccga", false], [14, "module-pycellga.tests.test_optimizer_sync_cga", false], [14, "module-pycellga.tests.test_peak", false], [14, "module-pycellga.tests.test_pmx_crossover", false], [14, "module-pycellga.tests.test_population", false], [14, "module-pycellga.tests.test_pow_function", false], [14, "module-pycellga.tests.test_powell_function", false], [14, "module-pycellga.tests.test_rastrigin", false], [14, "module-pycellga.tests.test_rosenbrock", false], [14, "module-pycellga.tests.test_rothellipsoid_function", false], [14, "module-pycellga.tests.test_roulette_wheel_selection", false], [14, "module-pycellga.tests.test_schaffer2_function", false], [14, "module-pycellga.tests.test_schaffer_function", false], [14, "module-pycellga.tests.test_schwefel", false], [14, "module-pycellga.tests.test_shuffle_mutation", false], [14, "module-pycellga.tests.test_sphere", false], [14, "module-pycellga.tests.test_styblinskitang_function", false], [14, "module-pycellga.tests.test_sumofdifferentpowers_function", false], [14, "module-pycellga.tests.test_swap_mutation", false], [14, "module-pycellga.tests.test_threehumps_function", false], [14, "module-pycellga.tests.test_tournament_selection", false], [14, "module-pycellga.tests.test_tsp", false], [14, "module-pycellga.tests.test_two_opt_mutation", false], [14, "module-pycellga.tests.test_two_point_crossover", false], [14, "module-pycellga.tests.test_unfair_average_crossover", false], [14, "module-pycellga.tests.test_uniform_crossover", false], [14, "module-pycellga.tests.test_zakharov_function", false], [14, "module-pycellga.tests.test_zettle_function", false]], "mutate() (pycellga.mutation.bit_flip_mutation.bitflipmutation method)": [[4, "pycellga.mutation.bit_flip_mutation.BitFlipMutation.mutate", false]], "mutate() (pycellga.mutation.byte_mutation.bytemutation method)": [[4, "pycellga.mutation.byte_mutation.ByteMutation.mutate", false]], "mutate() (pycellga.mutation.byte_mutation_random.bytemutationrandom method)": [[4, "pycellga.mutation.byte_mutation_random.ByteMutationRandom.mutate", false]], "mutate() (pycellga.mutation.float_uniform_mutation.floatuniformmutation method)": [[4, "pycellga.mutation.float_uniform_mutation.FloatUniformMutation.mutate", false]], "mutate() (pycellga.mutation.insertion_mutation.insertionmutation method)": [[4, "pycellga.mutation.insertion_mutation.InsertionMutation.mutate", false]], "mutate() (pycellga.mutation.mutation_operator.mutationoperator method)": [[4, "pycellga.mutation.mutation_operator.MutationOperator.mutate", false]], "mutate() (pycellga.mutation.shuffle_mutation.shufflemutation method)": [[4, "pycellga.mutation.shuffle_mutation.ShuffleMutation.mutate", false]], "mutate() (pycellga.mutation.swap_mutation.swapmutation method)": [[4, "pycellga.mutation.swap_mutation.SwapMutation.mutate", false]], "mutate() (pycellga.mutation.two_opt_mutation.twooptmutation method)": [[4, "pycellga.mutation.two_opt_mutation.TwoOptMutation.mutate", false]], "mutationoperator (class in pycellga.mutation.mutation_operator)": [[4, "pycellga.mutation.mutation_operator.MutationOperator", false]], "n_cols (pycellga.grid.grid attribute)": [[2, "pycellga.grid.Grid.n_cols", false]], "n_cols (pycellga.population.population attribute)": [[2, "pycellga.population.Population.n_cols", false]], "n_rows (pycellga.grid.grid attribute)": [[2, "pycellga.grid.Grid.n_rows", false]], "n_rows (pycellga.population.population attribute)": [[2, "pycellga.population.Population.n_rows", false]], "neighbors (pycellga.individual.individual attribute)": [[2, "pycellga.individual.Individual.neighbors", false]], "neighbors_positions (pycellga.individual.individual attribute)": [[2, "pycellga.individual.Individual.neighbors_positions", false]], "none (pycellga.problems.single_objective.continuous.ackley.ackley attribute)": [[8, "pycellga.problems.single_objective.continuous.ackley.Ackley.None", false]], "none (pycellga.problems.single_objective.continuous.bentcigar.bentcigar attribute)": [[8, "pycellga.problems.single_objective.continuous.bentcigar.Bentcigar.None", false]], "none (pycellga.problems.single_objective.continuous.bohachevsky.bohachevsky attribute)": [[8, "pycellga.problems.single_objective.continuous.bohachevsky.Bohachevsky.None", false]], "none (pycellga.problems.single_objective.continuous.chichinadze.chichinadze attribute)": [[8, "pycellga.problems.single_objective.continuous.chichinadze.Chichinadze.None", false]], "none (pycellga.problems.single_objective.continuous.fms.fms attribute)": [[8, "pycellga.problems.single_objective.continuous.fms.Fms.None", false]], "none (pycellga.problems.single_objective.continuous.holzman.holzman attribute)": [[8, "pycellga.problems.single_objective.continuous.holzman.Holzman.None", false]], "none (pycellga.problems.single_objective.continuous.levy.levy attribute)": [[8, "pycellga.problems.single_objective.continuous.levy.Levy.None", false]], "none (pycellga.problems.single_objective.continuous.matyas.matyas attribute)": [[8, "pycellga.problems.single_objective.continuous.matyas.Matyas.None", false]], "none (pycellga.problems.single_objective.continuous.pow.pow attribute)": [[8, "pycellga.problems.single_objective.continuous.pow.Pow.None", false]], "none (pycellga.problems.single_objective.continuous.powell.powell attribute)": [[8, "pycellga.problems.single_objective.continuous.powell.Powell.None", false]], "none (pycellga.problems.single_objective.continuous.rastrigin.rastrigin attribute)": [[8, "pycellga.problems.single_objective.continuous.rastrigin.Rastrigin.None", false]], "none (pycellga.problems.single_objective.continuous.rosenbrock.rosenbrock attribute)": [[8, "pycellga.problems.single_objective.continuous.rosenbrock.Rosenbrock.None", false]], "none (pycellga.problems.single_objective.continuous.rothellipsoid.rothellipsoid attribute)": [[8, "pycellga.problems.single_objective.continuous.rothellipsoid.Rothellipsoid.None", false]], "none (pycellga.problems.single_objective.continuous.schaffer2.schaffer2 attribute)": [[8, "pycellga.problems.single_objective.continuous.schaffer2.Schaffer2.None", false]], "none (pycellga.problems.single_objective.continuous.schwefel.schwefel attribute)": [[8, "pycellga.problems.single_objective.continuous.schwefel.Schwefel.None", false]], "none (pycellga.problems.single_objective.continuous.sphere.sphere attribute)": [[8, "pycellga.problems.single_objective.continuous.sphere.Sphere.None", false]], "none (pycellga.problems.single_objective.continuous.styblinskitang.styblinskitang attribute)": [[8, "pycellga.problems.single_objective.continuous.styblinskitang.StyblinskiTang.None", false]], "none (pycellga.problems.single_objective.continuous.threehumps.threehumps attribute)": [[8, "pycellga.problems.single_objective.continuous.threehumps.Threehumps.None", false]], "none (pycellga.problems.single_objective.continuous.zakharov.zakharov attribute)": [[8, "pycellga.problems.single_objective.continuous.zakharov.Zakharov.None", false]], "none (pycellga.problems.single_objective.continuous.zettle.zettle attribute)": [[8, "pycellga.problems.single_objective.continuous.zettle.Zettle.None", false]], "none (pycellga.problems.single_objective.discrete.binary.count_sat.countsat attribute)": [[10, "pycellga.problems.single_objective.discrete.binary.count_sat.CountSat.None", false]], "none (pycellga.problems.single_objective.discrete.binary.ecc.ecc attribute)": [[10, "pycellga.problems.single_objective.discrete.binary.ecc.Ecc.None", false]], "none (pycellga.problems.single_objective.discrete.binary.fms.fms attribute)": [[10, "pycellga.problems.single_objective.discrete.binary.fms.Fms.None", false]], "none (pycellga.problems.single_objective.discrete.binary.maxcut100.maxcut100 attribute)": [[10, "pycellga.problems.single_objective.discrete.binary.maxcut100.Maxcut100.None", false]], "none (pycellga.problems.single_objective.discrete.binary.maxcut20_01.maxcut20_01 attribute)": [[10, "pycellga.problems.single_objective.discrete.binary.maxcut20_01.Maxcut20_01.None", false]], "none (pycellga.problems.single_objective.discrete.binary.maxcut20_09.maxcut20_09 attribute)": [[10, "pycellga.problems.single_objective.discrete.binary.maxcut20_09.Maxcut20_09.None", false]], "none (pycellga.problems.single_objective.discrete.binary.mmdp.mmdp attribute)": [[10, "pycellga.problems.single_objective.discrete.binary.mmdp.Mmdp.None", false]], "none (pycellga.problems.single_objective.discrete.binary.one_max.onemax attribute)": [[10, "pycellga.problems.single_objective.discrete.binary.one_max.OneMax.None", false]], "none (pycellga.problems.single_objective.discrete.binary.peak.peak attribute)": [[10, "pycellga.problems.single_objective.discrete.binary.peak.Peak.None", false]], "none (pycellga.tests.test_pow_function.pow attribute)": [[14, "pycellga.tests.test_pow_function.Pow.None", false]], "onemax (class in pycellga.problems.single_objective.discrete.binary.one_max)": [[10, "pycellga.problems.single_objective.discrete.binary.one_max.OneMax", false]], "onepointcrossover (class in pycellga.recombination.one_point_crossover)": [[12, "pycellga.recombination.one_point_crossover.OnePointCrossover", false]], "optimizationmethod (class in pycellga.population)": [[2, "pycellga.population.OptimizationMethod", false]], "peak (class in pycellga.problems.single_objective.discrete.binary.peak)": [[10, "pycellga.problems.single_objective.discrete.binary.peak.Peak", false]], "peak_instance() (in module pycellga.tests.test_peak)": [[14, "pycellga.tests.test_peak.peak_instance", false]], "permutation (pycellga.individual.genetype attribute)": [[2, "pycellga.individual.GeneType.PERMUTATION", false]], "permutationproblem (class in pycellga.tests.test_optimizer_alpha_cga)": [[14, "pycellga.tests.test_optimizer_alpha_cga.PermutationProblem", false]], "permutationproblem (class in pycellga.tests.test_optimizer_cga)": [[14, "pycellga.tests.test_optimizer_cga.PermutationProblem", false]], "permutationproblem (class in pycellga.tests.test_optimizer_sync_cga)": [[14, "pycellga.tests.test_optimizer_sync_cga.PermutationProblem", false]], "pmxcrossover (class in pycellga.recombination.pmx_crossover)": [[12, "pycellga.recombination.pmx_crossover.PMXCrossover", false]], "population (class in pycellga.population)": [[2, "pycellga.population.Population", false]], "position (pycellga.individual.individual attribute)": [[2, "pycellga.individual.Individual.position", false]], "pow (class in pycellga.problems.single_objective.continuous.pow)": [[8, "pycellga.problems.single_objective.continuous.pow.Pow", false]], "pow (class in pycellga.tests.test_pow_function)": [[14, "pycellga.tests.test_pow_function.Pow", false]], "powell (class in pycellga.problems.single_objective.continuous.powell)": [[8, "pycellga.problems.single_objective.continuous.powell.Powell", false]], "problem (pycellga.population.population attribute)": [[2, "pycellga.population.Population.problem", false]], "pycellga": [[2, "module-pycellga", false]], "pycellga.byte_operators": [[2, "module-pycellga.byte_operators", false]], "pycellga.example": [[3, "module-pycellga.example", false]], "pycellga.example.example_alpha_cga": [[3, "module-pycellga.example.example_alpha_cga", false]], "pycellga.example.example_ccga": [[3, "module-pycellga.example.example_ccga", false]], "pycellga.example.example_cga": [[3, "module-pycellga.example.example_cga", false]], "pycellga.example.example_mcccga": [[3, "module-pycellga.example.example_mcccga", false]], "pycellga.example.example_sync_cga": [[3, "module-pycellga.example.example_sync_cga", false]], "pycellga.grid": [[2, "module-pycellga.grid", false]], "pycellga.individual": [[2, "module-pycellga.individual", false]], "pycellga.mutation": [[4, "module-pycellga.mutation", false]], "pycellga.mutation.bit_flip_mutation": [[4, "module-pycellga.mutation.bit_flip_mutation", false]], "pycellga.mutation.byte_mutation": [[4, "module-pycellga.mutation.byte_mutation", false]], "pycellga.mutation.byte_mutation_random": [[4, "module-pycellga.mutation.byte_mutation_random", false]], "pycellga.mutation.float_uniform_mutation": [[4, "module-pycellga.mutation.float_uniform_mutation", false]], "pycellga.mutation.insertion_mutation": [[4, "module-pycellga.mutation.insertion_mutation", false]], "pycellga.mutation.mutation_operator": [[4, "module-pycellga.mutation.mutation_operator", false]], "pycellga.mutation.shuffle_mutation": [[4, "module-pycellga.mutation.shuffle_mutation", false]], "pycellga.mutation.swap_mutation": [[4, "module-pycellga.mutation.swap_mutation", false]], "pycellga.mutation.two_opt_mutation": [[4, "module-pycellga.mutation.two_opt_mutation", false]], "pycellga.neighborhoods": [[5, "module-pycellga.neighborhoods", false]], "pycellga.neighborhoods.compact_13": [[5, "module-pycellga.neighborhoods.compact_13", false]], "pycellga.neighborhoods.compact_21": [[5, "module-pycellga.neighborhoods.compact_21", false]], "pycellga.neighborhoods.compact_25": [[5, "module-pycellga.neighborhoods.compact_25", false]], "pycellga.neighborhoods.compact_9": [[5, "module-pycellga.neighborhoods.compact_9", false]], "pycellga.neighborhoods.linear_5": [[5, "module-pycellga.neighborhoods.linear_5", false]], "pycellga.neighborhoods.linear_9": [[5, "module-pycellga.neighborhoods.linear_9", false]], "pycellga.optimizer": [[2, "module-pycellga.optimizer", false]], "pycellga.population": [[2, "module-pycellga.population", false]], "pycellga.problems": [[6, "module-pycellga.problems", false]], "pycellga.problems.abstract_problem": [[6, "module-pycellga.problems.abstract_problem", false]], "pycellga.problems.single_objective": [[7, "module-pycellga.problems.single_objective", false]], "pycellga.problems.single_objective.continuous": [[8, "module-pycellga.problems.single_objective.continuous", false]], "pycellga.problems.single_objective.continuous.ackley": [[8, "module-pycellga.problems.single_objective.continuous.ackley", false]], "pycellga.problems.single_objective.continuous.bentcigar": [[8, "module-pycellga.problems.single_objective.continuous.bentcigar", false]], "pycellga.problems.single_objective.continuous.bohachevsky": [[8, "module-pycellga.problems.single_objective.continuous.bohachevsky", false]], "pycellga.problems.single_objective.continuous.chichinadze": [[8, "module-pycellga.problems.single_objective.continuous.chichinadze", false]], "pycellga.problems.single_objective.continuous.dropwave": [[8, "module-pycellga.problems.single_objective.continuous.dropwave", false]], "pycellga.problems.single_objective.continuous.fms": [[8, "module-pycellga.problems.single_objective.continuous.fms", false]], "pycellga.problems.single_objective.continuous.griewank": [[8, "module-pycellga.problems.single_objective.continuous.griewank", false]], "pycellga.problems.single_objective.continuous.holzman": [[8, "module-pycellga.problems.single_objective.continuous.holzman", false]], "pycellga.problems.single_objective.continuous.levy": [[8, "module-pycellga.problems.single_objective.continuous.levy", false]], "pycellga.problems.single_objective.continuous.matyas": [[8, "module-pycellga.problems.single_objective.continuous.matyas", false]], "pycellga.problems.single_objective.continuous.pow": [[8, "module-pycellga.problems.single_objective.continuous.pow", false]], "pycellga.problems.single_objective.continuous.powell": [[8, "module-pycellga.problems.single_objective.continuous.powell", false]], "pycellga.problems.single_objective.continuous.rastrigin": [[8, "module-pycellga.problems.single_objective.continuous.rastrigin", false]], "pycellga.problems.single_objective.continuous.rosenbrock": [[8, "module-pycellga.problems.single_objective.continuous.rosenbrock", false]], "pycellga.problems.single_objective.continuous.rothellipsoid": [[8, "module-pycellga.problems.single_objective.continuous.rothellipsoid", false]], "pycellga.problems.single_objective.continuous.schaffer": [[8, "module-pycellga.problems.single_objective.continuous.schaffer", false]], "pycellga.problems.single_objective.continuous.schaffer2": [[8, "module-pycellga.problems.single_objective.continuous.schaffer2", false]], "pycellga.problems.single_objective.continuous.schwefel": [[8, "module-pycellga.problems.single_objective.continuous.schwefel", false]], "pycellga.problems.single_objective.continuous.sphere": [[8, "module-pycellga.problems.single_objective.continuous.sphere", false]], "pycellga.problems.single_objective.continuous.styblinskitang": [[8, "module-pycellga.problems.single_objective.continuous.styblinskitang", false]], "pycellga.problems.single_objective.continuous.sumofdifferentpowers": [[8, "module-pycellga.problems.single_objective.continuous.sumofdifferentpowers", false]], "pycellga.problems.single_objective.continuous.threehumps": [[8, "module-pycellga.problems.single_objective.continuous.threehumps", false]], "pycellga.problems.single_objective.continuous.zakharov": [[8, "module-pycellga.problems.single_objective.continuous.zakharov", false]], "pycellga.problems.single_objective.continuous.zettle": [[8, "module-pycellga.problems.single_objective.continuous.zettle", false]], "pycellga.problems.single_objective.discrete": [[9, "module-pycellga.problems.single_objective.discrete", false]], "pycellga.problems.single_objective.discrete.binary": [[10, "module-pycellga.problems.single_objective.discrete.binary", false]], "pycellga.problems.single_objective.discrete.binary.count_sat": [[10, "module-pycellga.problems.single_objective.discrete.binary.count_sat", false]], "pycellga.problems.single_objective.discrete.binary.ecc": [[10, "module-pycellga.problems.single_objective.discrete.binary.ecc", false]], "pycellga.problems.single_objective.discrete.binary.fms": [[10, "module-pycellga.problems.single_objective.discrete.binary.fms", false]], "pycellga.problems.single_objective.discrete.binary.maxcut100": [[10, "module-pycellga.problems.single_objective.discrete.binary.maxcut100", false]], "pycellga.problems.single_objective.discrete.binary.maxcut20_01": [[10, "module-pycellga.problems.single_objective.discrete.binary.maxcut20_01", false]], "pycellga.problems.single_objective.discrete.binary.maxcut20_09": [[10, "module-pycellga.problems.single_objective.discrete.binary.maxcut20_09", false]], "pycellga.problems.single_objective.discrete.binary.mmdp": [[10, "module-pycellga.problems.single_objective.discrete.binary.mmdp", false]], "pycellga.problems.single_objective.discrete.binary.one_max": [[10, "module-pycellga.problems.single_objective.discrete.binary.one_max", false]], "pycellga.problems.single_objective.discrete.binary.peak": [[10, "module-pycellga.problems.single_objective.discrete.binary.peak", false]], "pycellga.problems.single_objective.discrete.permutation": [[11, "module-pycellga.problems.single_objective.discrete.permutation", false]], "pycellga.problems.single_objective.discrete.permutation.tsp": [[11, "module-pycellga.problems.single_objective.discrete.permutation.tsp", false]], "pycellga.recombination": [[12, "module-pycellga.recombination", false]], "pycellga.recombination.arithmetic_crossover": [[12, "module-pycellga.recombination.arithmetic_crossover", false]], "pycellga.recombination.blxalpha_crossover": [[12, "module-pycellga.recombination.blxalpha_crossover", false]], "pycellga.recombination.byte_one_point_crossover": [[12, "module-pycellga.recombination.byte_one_point_crossover", false]], "pycellga.recombination.byte_uniform_crossover": [[12, "module-pycellga.recombination.byte_uniform_crossover", false]], "pycellga.recombination.flat_crossover": [[12, "module-pycellga.recombination.flat_crossover", false]], "pycellga.recombination.linear_crossover": [[12, "module-pycellga.recombination.linear_crossover", false]], "pycellga.recombination.one_point_crossover": [[12, "module-pycellga.recombination.one_point_crossover", false]], "pycellga.recombination.pmx_crossover": [[12, "module-pycellga.recombination.pmx_crossover", false]], "pycellga.recombination.recombination_operator": [[12, "module-pycellga.recombination.recombination_operator", false]], "pycellga.recombination.two_point_crossover": [[12, "module-pycellga.recombination.two_point_crossover", false]], "pycellga.recombination.unfair_avarage_crossover": [[12, "module-pycellga.recombination.unfair_avarage_crossover", false]], "pycellga.recombination.uniform_crossover": [[12, "module-pycellga.recombination.uniform_crossover", false]], "pycellga.selection": [[13, "module-pycellga.selection", false]], "pycellga.selection.roulette_wheel_selection": [[13, "module-pycellga.selection.roulette_wheel_selection", false]], "pycellga.selection.selection_operator": [[13, "module-pycellga.selection.selection_operator", false]], "pycellga.selection.tournament_selection": [[13, "module-pycellga.selection.tournament_selection", false]], "pycellga.tests": [[14, "module-pycellga.tests", false]], "pycellga.tests.conftest": [[14, "module-pycellga.tests.conftest", false]], "pycellga.tests.test_ackley": [[14, "module-pycellga.tests.test_ackley", false]], "pycellga.tests.test_arithmetic_crossover": [[14, "module-pycellga.tests.test_arithmetic_crossover", false]], "pycellga.tests.test_bentcigar_function": [[14, "module-pycellga.tests.test_bentcigar_function", false]], "pycellga.tests.test_bit_flip_mutation": [[14, "module-pycellga.tests.test_bit_flip_mutation", false]], "pycellga.tests.test_blxalpha_crossover": [[14, "module-pycellga.tests.test_blxalpha_crossover", false]], "pycellga.tests.test_bohachevsky": [[14, "module-pycellga.tests.test_bohachevsky", false]], "pycellga.tests.test_byte_mutation": [[14, "module-pycellga.tests.test_byte_mutation", false]], "pycellga.tests.test_byte_mutation_random": [[14, "module-pycellga.tests.test_byte_mutation_random", false]], "pycellga.tests.test_byte_one_point_crossover": [[14, "module-pycellga.tests.test_byte_one_point_crossover", false]], "pycellga.tests.test_byte_operators": [[14, "module-pycellga.tests.test_byte_operators", false]], "pycellga.tests.test_byte_uniform_crossover": [[14, "module-pycellga.tests.test_byte_uniform_crossover", false]], "pycellga.tests.test_chichinadze_function": [[14, "module-pycellga.tests.test_chichinadze_function", false]], "pycellga.tests.test_compact_13": [[14, "module-pycellga.tests.test_compact_13", false]], "pycellga.tests.test_compact_21": [[14, "module-pycellga.tests.test_compact_21", false]], "pycellga.tests.test_compact_25": [[14, "module-pycellga.tests.test_compact_25", false]], "pycellga.tests.test_compact_9": [[14, "module-pycellga.tests.test_compact_9", false]], "pycellga.tests.test_count_sat": [[14, "module-pycellga.tests.test_count_sat", false]], "pycellga.tests.test_dropwave_function": [[14, "module-pycellga.tests.test_dropwave_function", false]], "pycellga.tests.test_ecc": [[14, "module-pycellga.tests.test_ecc", false]], "pycellga.tests.test_flat_crossover": [[14, "module-pycellga.tests.test_flat_crossover", false]], "pycellga.tests.test_float_uniform_mutation": [[14, "module-pycellga.tests.test_float_uniform_mutation", false]], "pycellga.tests.test_fms": [[14, "module-pycellga.tests.test_fms", false]], "pycellga.tests.test_grid": [[14, "module-pycellga.tests.test_grid", false]], "pycellga.tests.test_griewank_function": [[14, "module-pycellga.tests.test_griewank_function", false]], "pycellga.tests.test_holzman_function": [[14, "module-pycellga.tests.test_holzman_function", false]], "pycellga.tests.test_individual": [[14, "module-pycellga.tests.test_individual", false]], "pycellga.tests.test_insertion_mutation": [[14, "module-pycellga.tests.test_insertion_mutation", false]], "pycellga.tests.test_levy_function": [[14, "module-pycellga.tests.test_levy_function", false]], "pycellga.tests.test_linear_5": [[14, "module-pycellga.tests.test_linear_5", false]], "pycellga.tests.test_linear_9": [[14, "module-pycellga.tests.test_linear_9", false]], "pycellga.tests.test_linear_crossover": [[14, "module-pycellga.tests.test_linear_crossover", false]], "pycellga.tests.test_matyas_function": [[14, "module-pycellga.tests.test_matyas_function", false]], "pycellga.tests.test_maxcut100": [[14, "module-pycellga.tests.test_maxcut100", false]], "pycellga.tests.test_maxcut20_01": [[14, "module-pycellga.tests.test_maxcut20_01", false]], "pycellga.tests.test_maxcut20_09": [[14, "module-pycellga.tests.test_maxcut20_09", false]], "pycellga.tests.test_mmdp": [[14, "module-pycellga.tests.test_mmdp", false]], "pycellga.tests.test_one_max": [[14, "module-pycellga.tests.test_one_max", false]], "pycellga.tests.test_one_point_crossover": [[14, "module-pycellga.tests.test_one_point_crossover", false]], "pycellga.tests.test_optimizer_alpha_cga": [[14, "module-pycellga.tests.test_optimizer_alpha_cga", false]], "pycellga.tests.test_optimizer_ccga": [[14, "module-pycellga.tests.test_optimizer_ccga", false]], "pycellga.tests.test_optimizer_cga": [[14, "module-pycellga.tests.test_optimizer_cga", false]], "pycellga.tests.test_optimizer_mccga": [[14, "module-pycellga.tests.test_optimizer_mccga", false]], "pycellga.tests.test_optimizer_sync_cga": [[14, "module-pycellga.tests.test_optimizer_sync_cga", false]], "pycellga.tests.test_peak": [[14, "module-pycellga.tests.test_peak", false]], "pycellga.tests.test_pmx_crossover": [[14, "module-pycellga.tests.test_pmx_crossover", false]], "pycellga.tests.test_population": [[14, "module-pycellga.tests.test_population", false]], "pycellga.tests.test_pow_function": [[14, "module-pycellga.tests.test_pow_function", false]], "pycellga.tests.test_powell_function": [[14, "module-pycellga.tests.test_powell_function", false]], "pycellga.tests.test_rastrigin": [[14, "module-pycellga.tests.test_rastrigin", false]], "pycellga.tests.test_rosenbrock": [[14, "module-pycellga.tests.test_rosenbrock", false]], "pycellga.tests.test_rothellipsoid_function": [[14, "module-pycellga.tests.test_rothellipsoid_function", false]], "pycellga.tests.test_roulette_wheel_selection": [[14, "module-pycellga.tests.test_roulette_wheel_selection", false]], "pycellga.tests.test_schaffer2_function": [[14, "module-pycellga.tests.test_schaffer2_function", false]], "pycellga.tests.test_schaffer_function": [[14, "module-pycellga.tests.test_schaffer_function", false]], "pycellga.tests.test_schwefel": [[14, "module-pycellga.tests.test_schwefel", false]], "pycellga.tests.test_shuffle_mutation": [[14, "module-pycellga.tests.test_shuffle_mutation", false]], "pycellga.tests.test_sphere": [[14, "module-pycellga.tests.test_sphere", false]], "pycellga.tests.test_styblinskitang_function": [[14, "module-pycellga.tests.test_styblinskitang_function", false]], "pycellga.tests.test_sumofdifferentpowers_function": [[14, "module-pycellga.tests.test_sumofdifferentpowers_function", false]], "pycellga.tests.test_swap_mutation": [[14, "module-pycellga.tests.test_swap_mutation", false]], "pycellga.tests.test_threehumps_function": [[14, "module-pycellga.tests.test_threehumps_function", false]], "pycellga.tests.test_tournament_selection": [[14, "module-pycellga.tests.test_tournament_selection", false]], "pycellga.tests.test_tsp": [[14, "module-pycellga.tests.test_tsp", false]], "pycellga.tests.test_two_opt_mutation": [[14, "module-pycellga.tests.test_two_opt_mutation", false]], "pycellga.tests.test_two_point_crossover": [[14, "module-pycellga.tests.test_two_point_crossover", false]], "pycellga.tests.test_unfair_average_crossover": [[14, "module-pycellga.tests.test_unfair_average_crossover", false]], "pycellga.tests.test_uniform_crossover": [[14, "module-pycellga.tests.test_uniform_crossover", false]], "pycellga.tests.test_zakharov_function": [[14, "module-pycellga.tests.test_zakharov_function", false]], "pycellga.tests.test_zettle_function": [[14, "module-pycellga.tests.test_zettle_function", false]], "random_vector_between() (in module pycellga.optimizer)": [[2, "pycellga.optimizer.random_vector_between", false]], "randomize() (pycellga.individual.individual method)": [[2, "pycellga.individual.Individual.randomize", false]], "rastrigin (class in pycellga.problems.single_objective.continuous.rastrigin)": [[8, "pycellga.problems.single_objective.continuous.rastrigin.Rastrigin", false]], "real (pycellga.individual.genetype attribute)": [[2, "pycellga.individual.GeneType.REAL", false]], "realproblem (class in pycellga.example.example_mcccga)": [[3, "pycellga.example.example_mcccga.RealProblem", false]], "realproblem (class in pycellga.tests.test_optimizer_alpha_cga)": [[14, "pycellga.tests.test_optimizer_alpha_cga.RealProblem", false]], "realproblem (class in pycellga.tests.test_optimizer_cga)": [[14, "pycellga.tests.test_optimizer_cga.RealProblem", false]], "realproblem (class in pycellga.tests.test_optimizer_mccga)": [[14, "pycellga.tests.test_optimizer_mccga.RealProblem", false]], "realproblem (class in pycellga.tests.test_optimizer_sync_cga)": [[14, "pycellga.tests.test_optimizer_sync_cga.RealProblem", false]], "recombinationoperator (class in pycellga.recombination.recombination_operator)": [[12, "pycellga.recombination.recombination_operator.RecombinationOperator", false]], "rosenbrock (class in pycellga.problems.single_objective.continuous.rosenbrock)": [[8, "pycellga.problems.single_objective.continuous.rosenbrock.Rosenbrock", false]], "rothellipsoid (class in pycellga.problems.single_objective.continuous.rothellipsoid)": [[8, "pycellga.problems.single_objective.continuous.rothellipsoid.Rothellipsoid", false]], "roulettewheelselection (class in pycellga.selection.roulette_wheel_selection)": [[13, "pycellga.selection.roulette_wheel_selection.RouletteWheelSelection", false]], "run_alpha_cga_example() (in module pycellga.example.example_alpha_cga)": [[3, "pycellga.example.example_alpha_cga.run_alpha_cga_example", false]], "run_ccga_example() (in module pycellga.example.example_ccga)": [[3, "pycellga.example.example_ccga.run_ccga_example", false]], "run_cga_example() (in module pycellga.example.example_cga)": [[3, "pycellga.example.example_cga.run_cga_example", false]], "run_mcccga_example() (in module pycellga.example.example_mcccga)": [[3, "pycellga.example.example_mcccga.run_mcccga_example", false]], "run_sync_cga_example() (in module pycellga.example.example_sync_cga)": [[3, "pycellga.example.example_sync_cga.run_sync_cga_example", false]], "sample() (in module pycellga.optimizer)": [[2, "pycellga.optimizer.sample", false]], "schaffer (class in pycellga.problems.single_objective.continuous.schaffer)": [[8, "pycellga.problems.single_objective.continuous.schaffer.Schaffer", false]], "schaffer2 (class in pycellga.problems.single_objective.continuous.schaffer2)": [[8, "pycellga.problems.single_objective.continuous.schaffer2.Schaffer2", false]], "schwefel (class in pycellga.problems.single_objective.continuous.schwefel)": [[8, "pycellga.problems.single_objective.continuous.schwefel.Schwefel", false]], "selectionoperator (class in pycellga.selection.selection_operator)": [[13, "pycellga.selection.selection_operator.SelectionOperator", false]], "setneighbors() (pycellga.individual.individual method)": [[2, "pycellga.individual.Individual.setneighbors", false]], "setneighbors_positions() (pycellga.individual.individual method)": [[2, "pycellga.individual.Individual.setneighbors_positions", false]], "setup_bentcigar() (in module pycellga.tests.test_bentcigar_function)": [[14, "pycellga.tests.test_bentcigar_function.setup_bentcigar", false]], "setup_chichinadze() (in module pycellga.tests.test_chichinadze_function)": [[14, "pycellga.tests.test_chichinadze_function.setup_chichinadze", false]], "setup_dropwave() (in module pycellga.tests.test_dropwave_function)": [[14, "pycellga.tests.test_dropwave_function.setup_dropwave", false]], "setup_griewank() (in module pycellga.tests.test_griewank_function)": [[14, "pycellga.tests.test_griewank_function.setup_griewank", false]], "setup_holzman() (in module pycellga.tests.test_holzman_function)": [[14, "pycellga.tests.test_holzman_function.setup_holzman", false]], "setup_individual() (in module pycellga.tests.test_byte_mutation)": [[14, "pycellga.tests.test_byte_mutation.setup_individual", false]], "setup_individual() (in module pycellga.tests.test_byte_mutation_random)": [[14, "pycellga.tests.test_byte_mutation_random.setup_individual", false]], "setup_individual() (in module pycellga.tests.test_float_uniform_mutation)": [[14, "pycellga.tests.test_float_uniform_mutation.setup_individual", false]], "setup_individual() (in module pycellga.tests.test_individual)": [[14, "pycellga.tests.test_individual.setup_individual", false]], "setup_levy() (in module pycellga.tests.test_levy_function)": [[14, "pycellga.tests.test_levy_function.setup_levy", false]], "setup_matyas() (in module pycellga.tests.test_matyas_function)": [[14, "pycellga.tests.test_matyas_function.setup_matyas", false]], "setup_parents() (in module pycellga.tests.test_arithmetic_crossover)": [[14, "pycellga.tests.test_arithmetic_crossover.setup_parents", false]], "setup_parents() (in module pycellga.tests.test_blxalpha_crossover)": [[14, "pycellga.tests.test_blxalpha_crossover.setup_parents", false]], "setup_parents() (in module pycellga.tests.test_byte_one_point_crossover)": [[14, "pycellga.tests.test_byte_one_point_crossover.setup_parents", false]], "setup_parents() (in module pycellga.tests.test_byte_uniform_crossover)": [[14, "pycellga.tests.test_byte_uniform_crossover.setup_parents", false]], "setup_parents() (in module pycellga.tests.test_flat_crossover)": [[14, "pycellga.tests.test_flat_crossover.setup_parents", false]], "setup_parents() (in module pycellga.tests.test_linear_crossover)": [[14, "pycellga.tests.test_linear_crossover.setup_parents", false]], "setup_parents() (in module pycellga.tests.test_unfair_average_crossover)": [[14, "pycellga.tests.test_unfair_average_crossover.setup_parents", false]], "setup_population() (in module pycellga.tests.test_population)": [[14, "pycellga.tests.test_population.setup_population", false]], "setup_powell() (in module pycellga.tests.test_powell_function)": [[14, "pycellga.tests.test_powell_function.setup_powell", false]], "setup_problem() (in module pycellga.tests.test_arithmetic_crossover)": [[14, "pycellga.tests.test_arithmetic_crossover.setup_problem", false]], "setup_problem() (in module pycellga.tests.test_blxalpha_crossover)": [[14, "pycellga.tests.test_blxalpha_crossover.setup_problem", false]], "setup_problem() (in module pycellga.tests.test_byte_mutation)": [[14, "pycellga.tests.test_byte_mutation.setup_problem", false]], "setup_problem() (in module pycellga.tests.test_byte_mutation_random)": [[14, "pycellga.tests.test_byte_mutation_random.setup_problem", false]], "setup_problem() (in module pycellga.tests.test_byte_one_point_crossover)": [[14, "pycellga.tests.test_byte_one_point_crossover.setup_problem", false]], "setup_problem() (in module pycellga.tests.test_byte_uniform_crossover)": [[14, "pycellga.tests.test_byte_uniform_crossover.setup_problem", false]], "setup_problem() (in module pycellga.tests.test_flat_crossover)": [[14, "pycellga.tests.test_flat_crossover.setup_problem", false]], "setup_problem() (in module pycellga.tests.test_float_uniform_mutation)": [[14, "pycellga.tests.test_float_uniform_mutation.setup_problem", false]], "setup_problem() (in module pycellga.tests.test_linear_crossover)": [[14, "pycellga.tests.test_linear_crossover.setup_problem", false]], "setup_problem() (in module pycellga.tests.test_unfair_average_crossover)": [[14, "pycellga.tests.test_unfair_average_crossover.setup_problem", false]], "setup_rothellipsoid() (in module pycellga.tests.test_rothellipsoid_function)": [[14, "pycellga.tests.test_rothellipsoid_function.setup_rothellipsoid", false]], "setup_schaffer() (in module pycellga.tests.test_schaffer_function)": [[14, "pycellga.tests.test_schaffer_function.setup_schaffer", false]], "setup_schaffer2() (in module pycellga.tests.test_schaffer2_function)": [[14, "pycellga.tests.test_schaffer2_function.setup_schaffer2", false]], "setup_styblinski_tang() (in module pycellga.tests.test_styblinskitang_function)": [[14, "pycellga.tests.test_styblinskitang_function.setup_styblinski_tang", false]], "setup_sumofdifferentpowers() (in module pycellga.tests.test_sumofdifferentpowers_function)": [[14, "pycellga.tests.test_sumofdifferentpowers_function.setup_sumofdifferentpowers", false]], "setup_threehumps() (in module pycellga.tests.test_threehumps_function)": [[14, "pycellga.tests.test_threehumps_function.setup_threehumps", false]], "setup_zettle() (in module pycellga.tests.test_zettle_function)": [[14, "pycellga.tests.test_zettle_function.setup_zettle", false]], "shufflemutation (class in pycellga.mutation.shuffle_mutation)": [[4, "pycellga.mutation.shuffle_mutation.ShuffleMutation", false]], "sphere (class in pycellga.problems.single_objective.continuous.sphere)": [[8, "pycellga.problems.single_objective.continuous.sphere.Sphere", false]], "styblinskitang (class in pycellga.problems.single_objective.continuous.styblinskitang)": [[8, "pycellga.problems.single_objective.continuous.styblinskitang.StyblinskiTang", false]], "sumofdifferentpowers (class in pycellga.problems.single_objective.continuous.sumofdifferentpowers)": [[8, "pycellga.problems.single_objective.continuous.sumofdifferentpowers.Sumofdifferentpowers", false]], "swapmutation (class in pycellga.mutation.swap_mutation)": [[4, "pycellga.mutation.swap_mutation.SwapMutation", false]], "sync_cga() (in module pycellga.optimizer)": [[2, "pycellga.optimizer.sync_cga", false]], "syncga (pycellga.population.optimizationmethod attribute)": [[2, "pycellga.population.OptimizationMethod.SYNCGA", false]], "test_ackley() (in module pycellga.tests.test_ackley)": [[14, "pycellga.tests.test_ackley.test_ackley", false]], "test_arithmetic_crossover() (in module pycellga.tests.test_arithmetic_crossover)": [[14, "pycellga.tests.test_arithmetic_crossover.test_arithmetic_crossover", false]], "test_bentcigar_function() (in module pycellga.tests.test_bentcigar_function)": [[14, "pycellga.tests.test_bentcigar_function.test_bentcigar_function", false]], "test_bit_flip_mutation() (in module pycellga.tests.test_bit_flip_mutation)": [[14, "pycellga.tests.test_bit_flip_mutation.test_bit_flip_mutation", false]], "test_bits_to_float() (in module pycellga.tests.test_byte_operators)": [[14, "pycellga.tests.test_byte_operators.test_bits_to_float", false]], "test_bits_to_floats() (in module pycellga.tests.test_byte_operators)": [[14, "pycellga.tests.test_byte_operators.test_bits_to_floats", false]], "test_blxalpha_crossover() (in module pycellga.tests.test_blxalpha_crossover)": [[14, "pycellga.tests.test_blxalpha_crossover.test_blxalpha_crossover", false]], "test_bohachevsky() (in module pycellga.tests.test_bohachevsky)": [[14, "pycellga.tests.test_bohachevsky.test_bohachevsky", false]], "test_byte_mutation() (in module pycellga.tests.test_byte_mutation)": [[14, "pycellga.tests.test_byte_mutation.test_byte_mutation", false]], "test_byte_mutation_random() (in module pycellga.tests.test_byte_mutation_random)": [[14, "pycellga.tests.test_byte_mutation_random.test_byte_mutation_random", false]], "test_byte_one_point_crossover() (in module pycellga.tests.test_byte_one_point_crossover)": [[14, "pycellga.tests.test_byte_one_point_crossover.test_byte_one_point_crossover", false]], "test_byte_uniform_crossover() (in module pycellga.tests.test_byte_uniform_crossover)": [[14, "pycellga.tests.test_byte_uniform_crossover.test_byte_uniform_crossover", false]], "test_chichinadze_function() (in module pycellga.tests.test_chichinadze_function)": [[14, "pycellga.tests.test_chichinadze_function.test_chichinadze_function", false]], "test_compact_13() (in module pycellga.tests.test_compact_13)": [[14, "pycellga.tests.test_compact_13.test_compact_13", false]], "test_compact_21() (in module pycellga.tests.test_compact_21)": [[14, "pycellga.tests.test_compact_21.test_compact_21", false]], "test_compact_25() (in module pycellga.tests.test_compact_25)": [[14, "pycellga.tests.test_compact_25.test_compact_25", false]], "test_compact_9() (in module pycellga.tests.test_compact_9)": [[14, "pycellga.tests.test_compact_9.test_compact_9", false]], "test_count_sat() (in module pycellga.tests.test_count_sat)": [[14, "pycellga.tests.test_count_sat.test_count_sat", false]], "test_dropwave_function() (in module pycellga.tests.test_dropwave_function)": [[14, "pycellga.tests.test_dropwave_function.test_dropwave_function", false]], "test_ecc() (in module pycellga.tests.test_ecc)": [[14, "pycellga.tests.test_ecc.test_ecc", false]], "test_fitness_evaluation() (in module pycellga.tests.test_population)": [[14, "pycellga.tests.test_population.test_fitness_evaluation", false]], "test_flat_crossover() (in module pycellga.tests.test_flat_crossover)": [[14, "pycellga.tests.test_flat_crossover.test_flat_crossover", false]], "test_float_to_bits() (in module pycellga.tests.test_byte_operators)": [[14, "pycellga.tests.test_byte_operators.test_float_to_bits", false]], "test_float_uniform_mutation() (in module pycellga.tests.test_float_uniform_mutation)": [[14, "pycellga.tests.test_float_uniform_mutation.test_float_uniform_mutation", false]], "test_floats_to_bits() (in module pycellga.tests.test_byte_operators)": [[14, "pycellga.tests.test_byte_operators.test_floats_to_bits", false]], "test_fms() (in module pycellga.tests.test_fms)": [[14, "pycellga.tests.test_fms.test_fms", false]], "test_get_set_neighbors() (in module pycellga.tests.test_individual)": [[14, "pycellga.tests.test_individual.test_get_set_neighbors", false]], "test_get_set_neighbors_positions() (in module pycellga.tests.test_individual)": [[14, "pycellga.tests.test_individual.test_get_set_neighbors_positions", false]], "test_grid() (in module pycellga.tests.test_grid)": [[14, "pycellga.tests.test_grid.test_grid", false]], "test_griewank_function() (in module pycellga.tests.test_griewank_function)": [[14, "pycellga.tests.test_griewank_function.test_griewank_function", false]], "test_holzman_function() (in module pycellga.tests.test_holzman_function)": [[14, "pycellga.tests.test_holzman_function.test_holzman_function", false]], "test_illegal_genome_type() (in module pycellga.tests.test_individual)": [[14, "pycellga.tests.test_individual.test_illegal_genome_type", false]], "test_individual_init() (in module pycellga.tests.test_individual)": [[14, "pycellga.tests.test_individual.test_individual_init", false]], "test_initial_population_size() (in module pycellga.tests.test_population)": [[14, "pycellga.tests.test_population.test_initial_population_size", false]], "test_insertion_mutation() (in module pycellga.tests.test_insertion_mutation)": [[14, "pycellga.tests.test_insertion_mutation.test_insertion_mutation", false]], "test_levy_function() (in module pycellga.tests.test_levy_function)": [[14, "pycellga.tests.test_levy_function.test_levy_function", false]], "test_linear_5() (in module pycellga.tests.test_linear_5)": [[14, "pycellga.tests.test_linear_5.test_linear_5", false]], "test_linear_9() (in module pycellga.tests.test_linear_9)": [[14, "pycellga.tests.test_linear_9.test_linear_9", false]], "test_linear_crossover() (in module pycellga.tests.test_linear_crossover)": [[14, "pycellga.tests.test_linear_crossover.test_linear_crossover", false]], "test_matyas_function() (in module pycellga.tests.test_matyas_function)": [[14, "pycellga.tests.test_matyas_function.test_matyas_function", false]], "test_maxcut100() (in module pycellga.tests.test_maxcut100)": [[14, "pycellga.tests.test_maxcut100.test_maxcut100", false]], "test_maxcut20_01() (in module pycellga.tests.test_maxcut20_01)": [[14, "pycellga.tests.test_maxcut20_01.test_maxcut20_01", false]], "test_maxcut20_09() (in module pycellga.tests.test_maxcut20_09)": [[14, "pycellga.tests.test_maxcut20_09.test_maxcut20_09", false]], "test_mmdp_function() (in module pycellga.tests.test_mmdp)": [[14, "pycellga.tests.test_mmdp.test_mmdp_function", false]], "test_neighborhood_assignment() (in module pycellga.tests.test_population)": [[14, "pycellga.tests.test_population.test_neighborhood_assignment", false]], "test_one_max() (in module pycellga.tests.test_one_max)": [[14, "pycellga.tests.test_one_max.test_one_max", false]], "test_one_point_crossover() (in module pycellga.tests.test_one_point_crossover)": [[14, "pycellga.tests.test_one_point_crossover.test_one_point_crossover", false]], "test_optimizer_alpha_cga_binary() (in module pycellga.tests.test_optimizer_alpha_cga)": [[14, "pycellga.tests.test_optimizer_alpha_cga.test_optimizer_alpha_cga_binary", false]], "test_optimizer_alpha_cga_no_variation() (in module pycellga.tests.test_optimizer_alpha_cga)": [[14, "pycellga.tests.test_optimizer_alpha_cga.test_optimizer_alpha_cga_no_variation", false]], "test_optimizer_alpha_cga_permutation() (pycellga.tests.test_optimizer_alpha_cga.permutationproblem method)": [[14, "pycellga.tests.test_optimizer_alpha_cga.PermutationProblem.test_optimizer_alpha_cga_permutation", false]], "test_optimizer_alpha_cga_real() (in module pycellga.tests.test_optimizer_alpha_cga)": [[14, "pycellga.tests.test_optimizer_alpha_cga.test_optimizer_alpha_cga_real", false]], "test_optimizer_ccga_binary() (in module pycellga.tests.test_optimizer_ccga)": [[14, "pycellga.tests.test_optimizer_ccga.test_optimizer_ccga_binary", false]], "test_optimizer_cga_binary() (in module pycellga.tests.test_optimizer_cga)": [[14, "pycellga.tests.test_optimizer_cga.test_optimizer_cga_binary", false]], "test_optimizer_cga_no_variation() (in module pycellga.tests.test_optimizer_cga)": [[14, "pycellga.tests.test_optimizer_cga.test_optimizer_cga_no_variation", false]], "test_optimizer_cga_permutation() (pycellga.tests.test_optimizer_cga.permutationproblem method)": [[14, "pycellga.tests.test_optimizer_cga.PermutationProblem.test_optimizer_cga_permutation", false]], "test_optimizer_cga_real() (in module pycellga.tests.test_optimizer_cga)": [[14, "pycellga.tests.test_optimizer_cga.test_optimizer_cga_real", false]], "test_optimizer_mcccga_binary() (in module pycellga.tests.test_optimizer_mccga)": [[14, "pycellga.tests.test_optimizer_mccga.test_optimizer_mcccga_binary", false]], "test_optimizer_sync_cga_binary() (in module pycellga.tests.test_optimizer_sync_cga)": [[14, "pycellga.tests.test_optimizer_sync_cga.test_optimizer_sync_cga_binary", false]], "test_optimizer_sync_cga_no_variation() (in module pycellga.tests.test_optimizer_sync_cga)": [[14, "pycellga.tests.test_optimizer_sync_cga.test_optimizer_sync_cga_no_variation", false]], "test_optimizer_sync_cga_permutation() (pycellga.tests.test_optimizer_sync_cga.permutationproblem method)": [[14, "pycellga.tests.test_optimizer_sync_cga.PermutationProblem.test_optimizer_sync_cga_permutation", false]], "test_optimizer_sync_cga_real() (in module pycellga.tests.test_optimizer_sync_cga)": [[14, "pycellga.tests.test_optimizer_sync_cga.test_optimizer_sync_cga_real", false]], "test_peak() (in module pycellga.tests.test_peak)": [[14, "pycellga.tests.test_peak.test_peak", false]], "test_pmx_crossover() (in module pycellga.tests.test_pmx_crossover)": [[14, "pycellga.tests.test_pmx_crossover.test_pmx_crossover", false]], "test_powell_function() (in module pycellga.tests.test_powell_function)": [[14, "pycellga.tests.test_powell_function.test_powell_function", false]], "test_randomize_binary() (in module pycellga.tests.test_individual)": [[14, "pycellga.tests.test_individual.test_randomize_binary", false]], "test_randomize_permutation() (in module pycellga.tests.test_individual)": [[14, "pycellga.tests.test_individual.test_randomize_permutation", false]], "test_randomize_real_valued() (in module pycellga.tests.test_individual)": [[14, "pycellga.tests.test_individual.test_randomize_real_valued", false]], "test_rastrigin() (in module pycellga.tests.test_rastrigin)": [[14, "pycellga.tests.test_rastrigin.test_rastrigin", false]], "test_rosenbrock() (in module pycellga.tests.test_rosenbrock)": [[14, "pycellga.tests.test_rosenbrock.test_rosenbrock", false]], "test_rothellipsoid_function() (in module pycellga.tests.test_rothellipsoid_function)": [[14, "pycellga.tests.test_rothellipsoid_function.test_rothellipsoid_function", false]], "test_roulette_wheel_selection() (in module pycellga.tests.test_roulette_wheel_selection)": [[14, "pycellga.tests.test_roulette_wheel_selection.test_roulette_wheel_selection", false]], "test_schaffer2_function() (in module pycellga.tests.test_schaffer2_function)": [[14, "pycellga.tests.test_schaffer2_function.test_schaffer2_function", false]], "test_schaffer_function() (in module pycellga.tests.test_schaffer_function)": [[14, "pycellga.tests.test_schaffer_function.test_schaffer_function", false]], "test_schwefel() (in module pycellga.tests.test_schwefel)": [[14, "pycellga.tests.test_schwefel.test_schwefel", false]], "test_shuffle_mutation() (in module pycellga.tests.test_shuffle_mutation)": [[14, "pycellga.tests.test_shuffle_mutation.test_shuffle_mutation", false]], "test_sphere() (in module pycellga.tests.test_sphere)": [[14, "pycellga.tests.test_sphere.test_sphere", false]], "test_styblinskitang_function() (in module pycellga.tests.test_styblinskitang_function)": [[14, "pycellga.tests.test_styblinskitang_function.test_styblinskitang_function", false]], "test_sumofdifferentpowers_function() (in module pycellga.tests.test_sumofdifferentpowers_function)": [[14, "pycellga.tests.test_sumofdifferentpowers_function.test_sumofdifferentpowers_function", false]], "test_swap_mutation() (in module pycellga.tests.test_swap_mutation)": [[14, "pycellga.tests.test_swap_mutation.test_swap_mutation", false]], "test_threehumps_function() (in module pycellga.tests.test_threehumps_function)": [[14, "pycellga.tests.test_threehumps_function.test_threehumps_function", false]], "test_tournament_selection() (in module pycellga.tests.test_tournament_selection)": [[14, "pycellga.tests.test_tournament_selection.test_tournament_selection", false]], "test_tsp() (in module pycellga.tests.test_tsp)": [[14, "pycellga.tests.test_tsp.test_tsp", false]], "test_two_opt_mutation() (in module pycellga.tests.test_two_opt_mutation)": [[14, "pycellga.tests.test_two_opt_mutation.test_two_opt_mutation", false]], "test_two_point_crossover() (in module pycellga.tests.test_two_point_crossover)": [[14, "pycellga.tests.test_two_point_crossover.test_two_point_crossover", false]], "test_unfair_average_crossover() (in module pycellga.tests.test_unfair_average_crossover)": [[14, "pycellga.tests.test_unfair_average_crossover.test_unfair_average_crossover", false]], "test_uniform_crossover() (in module pycellga.tests.test_uniform_crossover)": [[14, "pycellga.tests.test_uniform_crossover.test_uniform_crossover", false]], "test_zakharov_function() (in module pycellga.tests.test_zakharov_function)": [[14, "pycellga.tests.test_zakharov_function.test_zakharov_function", false]], "test_zettle_function() (in module pycellga.tests.test_zettle_function)": [[14, "pycellga.tests.test_zettle_function.test_zettle_function", false]], "threehumps (class in pycellga.problems.single_objective.continuous.threehumps)": [[8, "pycellga.problems.single_objective.continuous.threehumps.Threehumps", false]], "tournamentselection (class in pycellga.selection.tournament_selection)": [[13, "pycellga.selection.tournament_selection.TournamentSelection", false]], "tsp (class in pycellga.problems.single_objective.discrete.permutation.tsp)": [[11, "pycellga.problems.single_objective.discrete.permutation.tsp.Tsp", false]], "twooptmutation (class in pycellga.mutation.two_opt_mutation)": [[4, "pycellga.mutation.two_opt_mutation.TwoOptMutation", false]], "twopointcrossover (class in pycellga.recombination.two_point_crossover)": [[12, "pycellga.recombination.two_point_crossover.TwoPointCrossover", false]], "unfairavaragecrossover (class in pycellga.recombination.unfair_avarage_crossover)": [[12, "pycellga.recombination.unfair_avarage_crossover.UnfairAvarageCrossover", false]], "uniformcrossover (class in pycellga.recombination.uniform_crossover)": [[12, "pycellga.recombination.uniform_crossover.UniformCrossover", false]], "update_vector() (in module pycellga.optimizer)": [[2, "pycellga.optimizer.update_vector", false]], "vector (pycellga.population.population attribute)": [[2, "pycellga.population.Population.vector", false]], "zakharov (class in pycellga.problems.single_objective.continuous.zakharov)": [[8, "pycellga.problems.single_objective.continuous.zakharov.Zakharov", false]], "zettle (class in pycellga.problems.single_objective.continuous.zettle)": [[8, "pycellga.problems.single_objective.continuous.zettle.Zettle", false]]}, "objects": {"": [[2, 0, 0, "-", "pycellga"]], "pycellga": [[2, 0, 0, "-", "byte_operators"], [3, 0, 0, "-", "example"], [2, 0, 0, "-", "grid"], [2, 0, 0, "-", "individual"], [4, 0, 0, "-", "mutation"], [5, 0, 0, "-", "neighborhoods"], [2, 0, 0, "-", "optimizer"], [2, 0, 0, "-", "population"], [6, 0, 0, "-", "problems"], [12, 0, 0, "-", "recombination"], [13, 0, 0, "-", "selection"], [14, 0, 0, "-", "tests"]], "pycellga.byte_operators": [[2, 1, 1, "", "bits_to_float"], [2, 1, 1, "", "bits_to_floats"], [2, 1, 1, "", "float_to_bits"], [2, 1, 1, "", "floats_to_bits"]], "pycellga.example": [[3, 0, 0, "-", "example_alpha_cga"], [3, 0, 0, "-", "example_ccga"], [3, 0, 0, "-", "example_cga"], [3, 0, 0, "-", "example_mcccga"], [3, 0, 0, "-", "example_sync_cga"]], "pycellga.example.example_alpha_cga": [[3, 2, 1, "", "ExampleProblem"], [3, 1, 1, "", "run_alpha_cga_example"]], "pycellga.example.example_alpha_cga.ExampleProblem": [[3, 3, 1, "", "__init__"], [3, 3, 1, "", "f"]], "pycellga.example.example_ccga": [[3, 2, 1, "", "ExampleProblem"], [3, 1, 1, "", "run_ccga_example"]], "pycellga.example.example_ccga.ExampleProblem": [[3, 3, 1, "", "__init__"], [3, 3, 1, "", "f"]], "pycellga.example.example_cga": [[3, 2, 1, "", "ExampleProblem"], [3, 1, 1, "", "run_cga_example"]], "pycellga.example.example_cga.ExampleProblem": [[3, 3, 1, "", "__init__"], [3, 3, 1, "", "f"]], "pycellga.example.example_mcccga": [[3, 2, 1, "", "RealProblem"], [3, 1, 1, "", "run_mcccga_example"]], "pycellga.example.example_mcccga.RealProblem": [[3, 3, 1, "", "__init__"], [3, 3, 1, "", "f"]], "pycellga.example.example_sync_cga": [[3, 2, 1, "", "ExampleProblem"], [3, 1, 1, "", "run_sync_cga_example"]], "pycellga.example.example_sync_cga.ExampleProblem": [[3, 3, 1, "", "__init__"], [3, 3, 1, "", "f"]], "pycellga.grid": [[2, 2, 1, "", "Grid"]], "pycellga.grid.Grid": [[2, 3, 1, "", "__init__"], [2, 3, 1, "", "make_2d_grid"], [2, 4, 1, "", "n_cols"], [2, 4, 1, "", "n_rows"]], "pycellga.individual": [[2, 2, 1, "", "GeneType"], [2, 2, 1, "", "Individual"]], "pycellga.individual.GeneType": [[2, 4, 1, "", "BINARY"], [2, 4, 1, "", "PERMUTATION"], [2, 4, 1, "", "REAL"]], "pycellga.individual.Individual": [[2, 3, 1, "", "__init__"], [2, 4, 1, "", "ch_size"], [2, 4, 1, "", "chromosome"], [2, 4, 1, "", "fitness_value"], [2, 4, 1, "", "gen_type"], [2, 3, 1, "", "generate_candidate"], [2, 3, 1, "", "getneighbors"], [2, 3, 1, "", "getneighbors_positions"], [2, 4, 1, "", "neighbors"], [2, 4, 1, "", "neighbors_positions"], [2, 4, 1, "", "position"], [2, 3, 1, "", "randomize"], [2, 3, 1, "", "setneighbors"], [2, 3, 1, "", "setneighbors_positions"]], "pycellga.mutation": [[4, 0, 0, "-", "bit_flip_mutation"], [4, 0, 0, "-", "byte_mutation"], [4, 0, 0, "-", "byte_mutation_random"], [4, 0, 0, "-", "float_uniform_mutation"], [4, 0, 0, "-", "insertion_mutation"], [4, 0, 0, "-", "mutation_operator"], [4, 0, 0, "-", "shuffle_mutation"], [4, 0, 0, "-", "swap_mutation"], [4, 0, 0, "-", "two_opt_mutation"]], "pycellga.mutation.bit_flip_mutation": [[4, 2, 1, "", "BitFlipMutation"]], "pycellga.mutation.bit_flip_mutation.BitFlipMutation": [[4, 3, 1, "", "__init__"], [4, 3, 1, "", "mutate"]], "pycellga.mutation.byte_mutation": [[4, 2, 1, "", "ByteMutation"]], "pycellga.mutation.byte_mutation.ByteMutation": [[4, 3, 1, "", "__init__"], [4, 3, 1, "", "mutate"]], "pycellga.mutation.byte_mutation_random": [[4, 2, 1, "", "ByteMutationRandom"]], "pycellga.mutation.byte_mutation_random.ByteMutationRandom": [[4, 3, 1, "", "__init__"], [4, 3, 1, "", "mutate"]], "pycellga.mutation.float_uniform_mutation": [[4, 2, 1, "", "FloatUniformMutation"]], "pycellga.mutation.float_uniform_mutation.FloatUniformMutation": [[4, 3, 1, "", "__init__"], [4, 3, 1, "", "mutate"]], "pycellga.mutation.insertion_mutation": [[4, 2, 1, "", "InsertionMutation"]], "pycellga.mutation.insertion_mutation.InsertionMutation": [[4, 3, 1, "", "__init__"], [4, 3, 1, "", "mutate"]], "pycellga.mutation.mutation_operator": [[4, 2, 1, "", "MutationOperator"]], "pycellga.mutation.mutation_operator.MutationOperator": [[4, 3, 1, "", "mutate"]], "pycellga.mutation.shuffle_mutation": [[4, 2, 1, "", "ShuffleMutation"]], "pycellga.mutation.shuffle_mutation.ShuffleMutation": [[4, 3, 1, "", "__init__"], [4, 3, 1, "", "mutate"]], "pycellga.mutation.swap_mutation": [[4, 2, 1, "", "SwapMutation"]], "pycellga.mutation.swap_mutation.SwapMutation": [[4, 3, 1, "", "__init__"], [4, 3, 1, "", "mutate"]], "pycellga.mutation.two_opt_mutation": [[4, 2, 1, "", "TwoOptMutation"]], "pycellga.mutation.two_opt_mutation.TwoOptMutation": [[4, 3, 1, "", "__init__"], [4, 3, 1, "", "mutate"]], "pycellga.neighborhoods": [[5, 0, 0, "-", "compact_13"], [5, 0, 0, "-", "compact_21"], [5, 0, 0, "-", "compact_25"], [5, 0, 0, "-", "compact_9"], [5, 0, 0, "-", "linear_5"], [5, 0, 0, "-", "linear_9"]], "pycellga.neighborhoods.compact_13": [[5, 2, 1, "", "Compact13"]], "pycellga.neighborhoods.compact_13.Compact13": [[5, 3, 1, "", "__init__"], [5, 3, 1, "", "calculate_neighbors_positions"]], "pycellga.neighborhoods.compact_21": [[5, 2, 1, "", "Compact21"]], "pycellga.neighborhoods.compact_21.Compact21": [[5, 3, 1, "", "__init__"], [5, 3, 1, "", "calculate_neighbors_positions"]], "pycellga.neighborhoods.compact_25": [[5, 2, 1, "", "Compact25"]], "pycellga.neighborhoods.compact_25.Compact25": [[5, 3, 1, "", "__init__"], [5, 3, 1, "", "calculate_neighbors_positions"]], "pycellga.neighborhoods.compact_9": [[5, 2, 1, "", "Compact9"]], "pycellga.neighborhoods.compact_9.Compact9": [[5, 3, 1, "", "__init__"], [5, 3, 1, "", "calculate_neighbors_positions"]], "pycellga.neighborhoods.linear_5": [[5, 2, 1, "", "Linear5"]], "pycellga.neighborhoods.linear_5.Linear5": [[5, 3, 1, "", "__init__"], [5, 3, 1, "", "calculate_neighbors_positions"]], "pycellga.neighborhoods.linear_9": [[5, 2, 1, "", "Linear9"]], "pycellga.neighborhoods.linear_9.Linear9": [[5, 3, 1, "", "__init__"], [5, 3, 1, "", "calculate_neighbors_positions"]], "pycellga.optimizer": [[2, 1, 1, "", "alpha_cga"], [2, 1, 1, "", "ccga"], [2, 1, 1, "", "cga"], [2, 1, 1, "", "compete"], [2, 1, 1, "", "generate_probability_vector"], [2, 1, 1, "", "mcccga"], [2, 1, 1, "", "random_vector_between"], [2, 1, 1, "", "sample"], [2, 1, 1, "", "sync_cga"], [2, 1, 1, "", "update_vector"]], "pycellga.population": [[2, 2, 1, "", "OptimizationMethod"], [2, 2, 1, "", "Population"]], "pycellga.population.OptimizationMethod": [[2, 4, 1, "", "ALPHA_CGA"], [2, 4, 1, "", "CCGA"], [2, 4, 1, "", "CGA"], [2, 4, 1, "", "MCCCGA"], [2, 4, 1, "", "SYNCGA"]], "pycellga.population.Population": [[2, 3, 1, "", "__init__"], [2, 4, 1, "", "ch_size"], [2, 4, 1, "", "gen_type"], [2, 3, 1, "", "initial_population"], [2, 4, 1, "", "method_name"], [2, 4, 1, "", "n_cols"], [2, 4, 1, "", "n_rows"], [2, 4, 1, "", "problem"], [2, 4, 1, "", "vector"]], "pycellga.problems": [[6, 0, 0, "-", "abstract_problem"], [7, 0, 0, "-", "single_objective"]], "pycellga.problems.abstract_problem": [[6, 2, 1, "", "AbstractProblem"]], "pycellga.problems.abstract_problem.AbstractProblem": [[6, 3, 1, "id0", "f"]], "pycellga.problems.single_objective": [[8, 0, 0, "-", "continuous"], [9, 0, 0, "-", "discrete"]], "pycellga.problems.single_objective.continuous": [[8, 0, 0, "-", "ackley"], [8, 0, 0, "-", "bentcigar"], [8, 0, 0, "-", "bohachevsky"], [8, 0, 0, "-", "chichinadze"], [8, 0, 0, "-", "dropwave"], [8, 0, 0, "-", "fms"], [8, 0, 0, "-", "griewank"], [8, 0, 0, "-", "holzman"], [8, 0, 0, "-", "levy"], [8, 0, 0, "-", "matyas"], [8, 0, 0, "-", "pow"], [8, 0, 0, "-", "powell"], [8, 0, 0, "-", "rastrigin"], [8, 0, 0, "-", "rosenbrock"], [8, 0, 0, "-", "rothellipsoid"], [8, 0, 0, "-", "schaffer"], [8, 0, 0, "-", "schaffer2"], [8, 0, 0, "-", "schwefel"], [8, 0, 0, "-", "sphere"], [8, 0, 0, "-", "styblinskitang"], [8, 0, 0, "-", "sumofdifferentpowers"], [8, 0, 0, "-", "threehumps"], [8, 0, 0, "-", "zakharov"], [8, 0, 0, "-", "zettle"]], "pycellga.problems.single_objective.continuous.ackley": [[8, 2, 1, "", "Ackley"]], "pycellga.problems.single_objective.continuous.ackley.Ackley": [[8, 4, 1, "", "None"], [8, 3, 1, "id0", "f"]], "pycellga.problems.single_objective.continuous.bentcigar": [[8, 2, 1, "", "Bentcigar"]], "pycellga.problems.single_objective.continuous.bentcigar.Bentcigar": [[8, 4, 1, "", "None"], [8, 3, 1, "id1", "f"]], "pycellga.problems.single_objective.continuous.bohachevsky": [[8, 2, 1, "", "Bohachevsky"]], "pycellga.problems.single_objective.continuous.bohachevsky.Bohachevsky": [[8, 4, 1, "", "None"], [8, 3, 1, "id2", "f"]], "pycellga.problems.single_objective.continuous.chichinadze": [[8, 2, 1, "", "Chichinadze"]], "pycellga.problems.single_objective.continuous.chichinadze.Chichinadze": [[8, 4, 1, "", "None"], [8, 3, 1, "id3", "f"]], "pycellga.problems.single_objective.continuous.dropwave": [[8, 2, 1, "", "Dropwave"]], "pycellga.problems.single_objective.continuous.dropwave.Dropwave": [[8, 3, 1, "id4", "f"]], "pycellga.problems.single_objective.continuous.fms": [[8, 2, 1, "", "Fms"]], "pycellga.problems.single_objective.continuous.fms.Fms": [[8, 4, 1, "", "None"], [8, 3, 1, "id5", "f"]], "pycellga.problems.single_objective.continuous.griewank": [[8, 2, 1, "", "Griewank"]], "pycellga.problems.single_objective.continuous.griewank.Griewank": [[8, 3, 1, "id6", "f"]], "pycellga.problems.single_objective.continuous.holzman": [[8, 2, 1, "", "Holzman"]], "pycellga.problems.single_objective.continuous.holzman.Holzman": [[8, 4, 1, "", "None"], [8, 3, 1, "id7", "f"]], "pycellga.problems.single_objective.continuous.levy": [[8, 2, 1, "", "Levy"]], "pycellga.problems.single_objective.continuous.levy.Levy": [[8, 4, 1, "", "None"], [8, 3, 1, "id8", "f"]], "pycellga.problems.single_objective.continuous.matyas": [[8, 2, 1, "", "Matyas"]], "pycellga.problems.single_objective.continuous.matyas.Matyas": [[8, 4, 1, "", "None"], [8, 3, 1, "id9", "f"]], "pycellga.problems.single_objective.continuous.pow": [[8, 2, 1, "", "Pow"]], "pycellga.problems.single_objective.continuous.pow.Pow": [[8, 4, 1, "", "None"], [8, 3, 1, "id10", "f"]], "pycellga.problems.single_objective.continuous.powell": [[8, 2, 1, "", "Powell"]], "pycellga.problems.single_objective.continuous.powell.Powell": [[8, 4, 1, "", "None"], [8, 3, 1, "id11", "f"]], "pycellga.problems.single_objective.continuous.rastrigin": [[8, 2, 1, "", "Rastrigin"]], "pycellga.problems.single_objective.continuous.rastrigin.Rastrigin": [[8, 4, 1, "", "None"], [8, 3, 1, "id12", "f"]], "pycellga.problems.single_objective.continuous.rosenbrock": [[8, 2, 1, "", "Rosenbrock"]], "pycellga.problems.single_objective.continuous.rosenbrock.Rosenbrock": [[8, 4, 1, "", "None"], [8, 3, 1, "id13", "f"]], "pycellga.problems.single_objective.continuous.rothellipsoid": [[8, 2, 1, "", "Rothellipsoid"]], "pycellga.problems.single_objective.continuous.rothellipsoid.Rothellipsoid": [[8, 4, 1, "", "None"], [8, 3, 1, "id14", "f"]], "pycellga.problems.single_objective.continuous.schaffer": [[8, 2, 1, "", "Schaffer"]], "pycellga.problems.single_objective.continuous.schaffer.Schaffer": [[8, 3, 1, "id15", "f"]], "pycellga.problems.single_objective.continuous.schaffer2": [[8, 2, 1, "", "Schaffer2"]], "pycellga.problems.single_objective.continuous.schaffer2.Schaffer2": [[8, 4, 1, "", "None"], [8, 3, 1, "id16", "f"]], "pycellga.problems.single_objective.continuous.schwefel": [[8, 2, 1, "", "Schwefel"]], "pycellga.problems.single_objective.continuous.schwefel.Schwefel": [[8, 4, 1, "", "None"], [8, 3, 1, "id17", "f"]], "pycellga.problems.single_objective.continuous.sphere": [[8, 2, 1, "", "Sphere"]], "pycellga.problems.single_objective.continuous.sphere.Sphere": [[8, 4, 1, "", "None"], [8, 3, 1, "id18", "f"]], "pycellga.problems.single_objective.continuous.styblinskitang": [[8, 2, 1, "", "StyblinskiTang"]], "pycellga.problems.single_objective.continuous.styblinskitang.StyblinskiTang": [[8, 4, 1, "", "None"], [8, 3, 1, "id19", "f"]], "pycellga.problems.single_objective.continuous.sumofdifferentpowers": [[8, 2, 1, "", "Sumofdifferentpowers"]], "pycellga.problems.single_objective.continuous.sumofdifferentpowers.Sumofdifferentpowers": [[8, 3, 1, "", "f"]], "pycellga.problems.single_objective.continuous.threehumps": [[8, 2, 1, "", "Threehumps"]], "pycellga.problems.single_objective.continuous.threehumps.Threehumps": [[8, 4, 1, "", "None"], [8, 3, 1, "id20", "f"]], "pycellga.problems.single_objective.continuous.zakharov": [[8, 2, 1, "", "Zakharov"]], "pycellga.problems.single_objective.continuous.zakharov.Zakharov": [[8, 4, 1, "", "None"], [8, 3, 1, "id21", "f"]], "pycellga.problems.single_objective.continuous.zettle": [[8, 2, 1, "", "Zettle"]], "pycellga.problems.single_objective.continuous.zettle.Zettle": [[8, 4, 1, "", "None"], [8, 3, 1, "id22", "f"]], "pycellga.problems.single_objective.discrete": [[10, 0, 0, "-", "binary"], [11, 0, 0, "-", "permutation"]], "pycellga.problems.single_objective.discrete.binary": [[10, 0, 0, "-", "count_sat"], [10, 0, 0, "-", "ecc"], [10, 0, 0, "-", "fms"], [10, 0, 0, "-", "maxcut100"], [10, 0, 0, "-", "maxcut20_01"], [10, 0, 0, "-", "maxcut20_09"], [10, 0, 0, "-", "mmdp"], [10, 0, 0, "-", "one_max"], [10, 0, 0, "-", "peak"]], "pycellga.problems.single_objective.discrete.binary.count_sat": [[10, 2, 1, "", "CountSat"]], "pycellga.problems.single_objective.discrete.binary.count_sat.CountSat": [[10, 4, 1, "", "None"], [10, 3, 1, "id0", "f"]], "pycellga.problems.single_objective.discrete.binary.ecc": [[10, 2, 1, "", "Ecc"]], "pycellga.problems.single_objective.discrete.binary.ecc.Ecc": [[10, 4, 1, "", "None"], [10, 3, 1, "id1", "f"]], "pycellga.problems.single_objective.discrete.binary.fms": [[10, 2, 1, "", "Fms"]], "pycellga.problems.single_objective.discrete.binary.fms.Fms": [[10, 4, 1, "", "None"], [10, 3, 1, "id2", "f"]], "pycellga.problems.single_objective.discrete.binary.maxcut100": [[10, 2, 1, "", "Maxcut100"]], "pycellga.problems.single_objective.discrete.binary.maxcut100.Maxcut100": [[10, 4, 1, "", "None"], [10, 3, 1, "id3", "f"]], "pycellga.problems.single_objective.discrete.binary.maxcut20_01": [[10, 2, 1, "", "Maxcut20_01"]], "pycellga.problems.single_objective.discrete.binary.maxcut20_01.Maxcut20_01": [[10, 4, 1, "", "None"], [10, 3, 1, "id4", "f"]], "pycellga.problems.single_objective.discrete.binary.maxcut20_09": [[10, 2, 1, "", "Maxcut20_09"]], "pycellga.problems.single_objective.discrete.binary.maxcut20_09.Maxcut20_09": [[10, 4, 1, "", "None"], [10, 3, 1, "id5", "f"]], "pycellga.problems.single_objective.discrete.binary.mmdp": [[10, 2, 1, "", "Mmdp"]], "pycellga.problems.single_objective.discrete.binary.mmdp.Mmdp": [[10, 4, 1, "", "None"], [10, 3, 1, "id6", "f"]], "pycellga.problems.single_objective.discrete.binary.one_max": [[10, 2, 1, "", "OneMax"]], "pycellga.problems.single_objective.discrete.binary.one_max.OneMax": [[10, 4, 1, "", "None"], [10, 3, 1, "id7", "f"]], "pycellga.problems.single_objective.discrete.binary.peak": [[10, 2, 1, "", "Peak"]], "pycellga.problems.single_objective.discrete.binary.peak.Peak": [[10, 4, 1, "", "None"], [10, 3, 1, "id8", "f"]], "pycellga.problems.single_objective.discrete.permutation": [[11, 0, 0, "-", "tsp"]], "pycellga.problems.single_objective.discrete.permutation.tsp": [[11, 2, 1, "", "Tsp"]], "pycellga.problems.single_objective.discrete.permutation.tsp.Tsp": [[11, 3, 1, "", "euclidean_dist"], [11, 3, 1, "", "f"], [11, 3, 1, "", "gographical_dist"]], "pycellga.recombination": [[12, 0, 0, "-", "arithmetic_crossover"], [12, 0, 0, "-", "blxalpha_crossover"], [12, 0, 0, "-", "byte_one_point_crossover"], [12, 0, 0, "-", "byte_uniform_crossover"], [12, 0, 0, "-", "flat_crossover"], [12, 0, 0, "-", "linear_crossover"], [12, 0, 0, "-", "one_point_crossover"], [12, 0, 0, "-", "pmx_crossover"], [12, 0, 0, "-", "recombination_operator"], [12, 0, 0, "-", "two_point_crossover"], [12, 0, 0, "-", "unfair_avarage_crossover"], [12, 0, 0, "-", "uniform_crossover"]], "pycellga.recombination.arithmetic_crossover": [[12, 2, 1, "", "ArithmeticCrossover"]], "pycellga.recombination.arithmetic_crossover.ArithmeticCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.blxalpha_crossover": [[12, 2, 1, "", "BlxalphaCrossover"]], "pycellga.recombination.blxalpha_crossover.BlxalphaCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "combine"], [12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.byte_one_point_crossover": [[12, 2, 1, "", "ByteOnePointCrossover"]], "pycellga.recombination.byte_one_point_crossover.ByteOnePointCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.byte_uniform_crossover": [[12, 2, 1, "", "ByteUniformCrossover"]], "pycellga.recombination.byte_uniform_crossover.ByteUniformCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "combine"], [12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.flat_crossover": [[12, 2, 1, "", "FlatCrossover"]], "pycellga.recombination.flat_crossover.FlatCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "combine"], [12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.linear_crossover": [[12, 2, 1, "", "LinearCrossover"]], "pycellga.recombination.linear_crossover.LinearCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "combine"], [12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.one_point_crossover": [[12, 2, 1, "", "OnePointCrossover"]], "pycellga.recombination.one_point_crossover.OnePointCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.pmx_crossover": [[12, 2, 1, "", "PMXCrossover"]], "pycellga.recombination.pmx_crossover.PMXCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.recombination_operator": [[12, 2, 1, "", "RecombinationOperator"]], "pycellga.recombination.recombination_operator.RecombinationOperator": [[12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.two_point_crossover": [[12, 2, 1, "", "TwoPointCrossover"]], "pycellga.recombination.two_point_crossover.TwoPointCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.unfair_avarage_crossover": [[12, 2, 1, "", "UnfairAvarageCrossover"]], "pycellga.recombination.unfair_avarage_crossover.UnfairAvarageCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "get_recombinations"]], "pycellga.recombination.uniform_crossover": [[12, 2, 1, "", "UniformCrossover"]], "pycellga.recombination.uniform_crossover.UniformCrossover": [[12, 3, 1, "", "__init__"], [12, 3, 1, "", "combine"], [12, 3, 1, "", "get_recombinations"]], "pycellga.selection": [[13, 0, 0, "-", "roulette_wheel_selection"], [13, 0, 0, "-", "selection_operator"], [13, 0, 0, "-", "tournament_selection"]], "pycellga.selection.roulette_wheel_selection": [[13, 2, 1, "", "RouletteWheelSelection"]], "pycellga.selection.roulette_wheel_selection.RouletteWheelSelection": [[13, 3, 1, "", "__init__"], [13, 3, 1, "", "get_parents"]], "pycellga.selection.selection_operator": [[13, 2, 1, "", "SelectionOperator"]], "pycellga.selection.selection_operator.SelectionOperator": [[13, 3, 1, "", "get_parents"]], "pycellga.selection.tournament_selection": [[13, 2, 1, "", "TournamentSelection"]], "pycellga.selection.tournament_selection.TournamentSelection": [[13, 3, 1, "", "__init__"], [13, 3, 1, "", "get_parents"]], "pycellga.tests": [[14, 0, 0, "-", "conftest"], [14, 0, 0, "-", "test_ackley"], [14, 0, 0, "-", "test_arithmetic_crossover"], [14, 0, 0, "-", "test_bentcigar_function"], [14, 0, 0, "-", "test_bit_flip_mutation"], [14, 0, 0, "-", "test_blxalpha_crossover"], [14, 0, 0, "-", "test_bohachevsky"], [14, 0, 0, "-", "test_byte_mutation"], [14, 0, 0, "-", "test_byte_mutation_random"], [14, 0, 0, "-", "test_byte_one_point_crossover"], [14, 0, 0, "-", "test_byte_operators"], [14, 0, 0, "-", "test_byte_uniform_crossover"], [14, 0, 0, "-", "test_chichinadze_function"], [14, 0, 0, "-", "test_compact_13"], [14, 0, 0, "-", "test_compact_21"], [14, 0, 0, "-", "test_compact_25"], [14, 0, 0, "-", "test_compact_9"], [14, 0, 0, "-", "test_count_sat"], [14, 0, 0, "-", "test_dropwave_function"], [14, 0, 0, "-", "test_ecc"], [14, 0, 0, "-", "test_flat_crossover"], [14, 0, 0, "-", "test_float_uniform_mutation"], [14, 0, 0, "-", "test_fms"], [14, 0, 0, "-", "test_grid"], [14, 0, 0, "-", "test_griewank_function"], [14, 0, 0, "-", "test_holzman_function"], [14, 0, 0, "-", "test_individual"], [14, 0, 0, "-", "test_insertion_mutation"], [14, 0, 0, "-", "test_levy_function"], [14, 0, 0, "-", "test_linear_5"], [14, 0, 0, "-", "test_linear_9"], [14, 0, 0, "-", "test_linear_crossover"], [14, 0, 0, "-", "test_matyas_function"], [14, 0, 0, "-", "test_maxcut100"], [14, 0, 0, "-", "test_maxcut20_01"], [14, 0, 0, "-", "test_maxcut20_09"], [14, 0, 0, "-", "test_mmdp"], [14, 0, 0, "-", "test_one_max"], [14, 0, 0, "-", "test_one_point_crossover"], [14, 0, 0, "-", "test_optimizer_alpha_cga"], [14, 0, 0, "-", "test_optimizer_ccga"], [14, 0, 0, "-", "test_optimizer_cga"], [14, 0, 0, "-", "test_optimizer_mccga"], [14, 0, 0, "-", "test_optimizer_sync_cga"], [14, 0, 0, "-", "test_peak"], [14, 0, 0, "-", "test_pmx_crossover"], [14, 0, 0, "-", "test_population"], [14, 0, 0, "-", "test_pow_function"], [14, 0, 0, "-", "test_powell_function"], [14, 0, 0, "-", "test_rastrigin"], [14, 0, 0, "-", "test_rosenbrock"], [14, 0, 0, "-", "test_rothellipsoid_function"], [14, 0, 0, "-", "test_roulette_wheel_selection"], [14, 0, 0, "-", "test_schaffer2_function"], [14, 0, 0, "-", "test_schaffer_function"], [14, 0, 0, "-", "test_schwefel"], [14, 0, 0, "-", "test_shuffle_mutation"], [14, 0, 0, "-", "test_sphere"], [14, 0, 0, "-", "test_styblinskitang_function"], [14, 0, 0, "-", "test_sumofdifferentpowers_function"], [14, 0, 0, "-", "test_swap_mutation"], [14, 0, 0, "-", "test_threehumps_function"], [14, 0, 0, "-", "test_tournament_selection"], [14, 0, 0, "-", "test_tsp"], [14, 0, 0, "-", "test_two_opt_mutation"], [14, 0, 0, "-", "test_two_point_crossover"], [14, 0, 0, "-", "test_unfair_average_crossover"], [14, 0, 0, "-", "test_uniform_crossover"], [14, 0, 0, "-", "test_zakharov_function"], [14, 0, 0, "-", "test_zettle_function"]], "pycellga.tests.test_ackley": [[14, 1, 1, "", "test_ackley"]], "pycellga.tests.test_arithmetic_crossover": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_parents"], [14, 1, 1, "", "setup_problem"], [14, 1, 1, "", "test_arithmetic_crossover"]], "pycellga.tests.test_arithmetic_crossover.MockProblem": [[14, 3, 1, "", "f"]], "pycellga.tests.test_bentcigar_function": [[14, 1, 1, "", "setup_bentcigar"], [14, 1, 1, "", "test_bentcigar_function"]], "pycellga.tests.test_bit_flip_mutation": [[14, 1, 1, "", "test_bit_flip_mutation"]], "pycellga.tests.test_blxalpha_crossover": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_parents"], [14, 1, 1, "", "setup_problem"], [14, 1, 1, "", "test_blxalpha_crossover"]], "pycellga.tests.test_blxalpha_crossover.MockProblem": [[14, 3, 1, "", "f"]], "pycellga.tests.test_bohachevsky": [[14, 1, 1, "", "test_bohachevsky"]], "pycellga.tests.test_byte_mutation": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_individual"], [14, 1, 1, "", "setup_problem"], [14, 1, 1, "", "test_byte_mutation"]], "pycellga.tests.test_byte_mutation.MockProblem": [[14, 3, 1, "", "f"]], "pycellga.tests.test_byte_mutation_random": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_individual"], [14, 1, 1, "", "setup_problem"], [14, 1, 1, "", "test_byte_mutation_random"]], "pycellga.tests.test_byte_mutation_random.MockProblem": [[14, 3, 1, "", "f"]], "pycellga.tests.test_byte_one_point_crossover": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_parents"], [14, 1, 1, "", "setup_problem"], [14, 1, 1, "", "test_byte_one_point_crossover"]], "pycellga.tests.test_byte_one_point_crossover.MockProblem": [[14, 3, 1, "", "f"]], "pycellga.tests.test_byte_operators": [[14, 1, 1, "", "test_bits_to_float"], [14, 1, 1, "", "test_bits_to_floats"], [14, 1, 1, "", "test_float_to_bits"], [14, 1, 1, "", "test_floats_to_bits"]], "pycellga.tests.test_byte_uniform_crossover": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_parents"], [14, 1, 1, "", "setup_problem"], [14, 1, 1, "", "test_byte_uniform_crossover"]], "pycellga.tests.test_byte_uniform_crossover.MockProblem": [[14, 3, 1, "", "f"]], "pycellga.tests.test_chichinadze_function": [[14, 1, 1, "", "setup_chichinadze"], [14, 1, 1, "", "test_chichinadze_function"]], "pycellga.tests.test_compact_13": [[14, 1, 1, "", "test_compact_13"]], "pycellga.tests.test_compact_21": [[14, 1, 1, "", "test_compact_21"]], "pycellga.tests.test_compact_25": [[14, 1, 1, "", "test_compact_25"]], "pycellga.tests.test_compact_9": [[14, 1, 1, "", "test_compact_9"]], "pycellga.tests.test_count_sat": [[14, 1, 1, "", "test_count_sat"]], "pycellga.tests.test_dropwave_function": [[14, 1, 1, "", "setup_dropwave"], [14, 1, 1, "", "test_dropwave_function"]], "pycellga.tests.test_ecc": [[14, 1, 1, "", "ecc_instance"], [14, 1, 1, "", "test_ecc"]], "pycellga.tests.test_flat_crossover": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_parents"], [14, 1, 1, "", "setup_problem"], [14, 1, 1, "", "test_flat_crossover"]], "pycellga.tests.test_flat_crossover.MockProblem": [[14, 3, 1, "", "f"]], "pycellga.tests.test_float_uniform_mutation": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_individual"], [14, 1, 1, "", "setup_problem"], [14, 1, 1, "", "test_float_uniform_mutation"]], "pycellga.tests.test_float_uniform_mutation.MockProblem": [[14, 3, 1, "", "f"]], "pycellga.tests.test_fms": [[14, 1, 1, "", "fms_instance"], [14, 1, 1, "", "test_fms"]], "pycellga.tests.test_grid": [[14, 1, 1, "", "test_grid"]], "pycellga.tests.test_griewank_function": [[14, 1, 1, "", "setup_griewank"], [14, 1, 1, "", "test_griewank_function"]], "pycellga.tests.test_holzman_function": [[14, 1, 1, "", "setup_holzman"], [14, 1, 1, "", "test_holzman_function"]], "pycellga.tests.test_individual": [[14, 1, 1, "", "setup_individual"], [14, 1, 1, "", "test_get_set_neighbors"], [14, 1, 1, "", "test_get_set_neighbors_positions"], [14, 1, 1, "", "test_illegal_genome_type"], [14, 1, 1, "", "test_individual_init"], [14, 1, 1, "", "test_randomize_binary"], [14, 1, 1, "", "test_randomize_permutation"], [14, 1, 1, "", "test_randomize_real_valued"]], "pycellga.tests.test_insertion_mutation": [[14, 1, 1, "", "test_insertion_mutation"]], "pycellga.tests.test_levy_function": [[14, 1, 1, "", "setup_levy"], [14, 1, 1, "", "test_levy_function"]], "pycellga.tests.test_linear_5": [[14, 1, 1, "", "test_linear_5"]], "pycellga.tests.test_linear_9": [[14, 1, 1, "", "test_linear_9"]], "pycellga.tests.test_linear_crossover": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_parents"], [14, 1, 1, "", "setup_problem"], [14, 1, 1, "", "test_linear_crossover"]], "pycellga.tests.test_linear_crossover.MockProblem": [[14, 3, 1, "", "f"]], "pycellga.tests.test_matyas_function": [[14, 1, 1, "", "setup_matyas"], [14, 1, 1, "", "test_matyas_function"]], "pycellga.tests.test_maxcut100": [[14, 1, 1, "", "maxcut_instance"], [14, 1, 1, "", "test_maxcut100"]], "pycellga.tests.test_maxcut20_01": [[14, 1, 1, "", "maxcut_instance"], [14, 1, 1, "", "test_maxcut20_01"]], "pycellga.tests.test_maxcut20_09": [[14, 1, 1, "", "maxcut_instance"], [14, 1, 1, "", "test_maxcut20_09"]], "pycellga.tests.test_mmdp": [[14, 1, 1, "", "mmdp_instance"], [14, 1, 1, "", "test_mmdp_function"]], "pycellga.tests.test_one_max": [[14, 1, 1, "", "test_one_max"]], "pycellga.tests.test_one_point_crossover": [[14, 1, 1, "", "test_one_point_crossover"]], "pycellga.tests.test_optimizer_alpha_cga": [[14, 2, 1, "", "BinaryProblem"], [14, 2, 1, "", "PermutationProblem"], [14, 2, 1, "", "RealProblem"], [14, 1, 1, "", "test_optimizer_alpha_cga_binary"], [14, 1, 1, "", "test_optimizer_alpha_cga_no_variation"], [14, 1, 1, "", "test_optimizer_alpha_cga_real"]], "pycellga.tests.test_optimizer_alpha_cga.BinaryProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"]], "pycellga.tests.test_optimizer_alpha_cga.PermutationProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"], [14, 3, 1, "", "test_optimizer_alpha_cga_permutation"]], "pycellga.tests.test_optimizer_alpha_cga.RealProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"]], "pycellga.tests.test_optimizer_ccga": [[14, 2, 1, "", "BinaryProblem"], [14, 1, 1, "", "test_optimizer_ccga_binary"]], "pycellga.tests.test_optimizer_ccga.BinaryProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"]], "pycellga.tests.test_optimizer_cga": [[14, 2, 1, "", "BinaryProblem"], [14, 2, 1, "", "PermutationProblem"], [14, 2, 1, "", "RealProblem"], [14, 1, 1, "", "test_optimizer_cga_binary"], [14, 1, 1, "", "test_optimizer_cga_no_variation"], [14, 1, 1, "", "test_optimizer_cga_real"]], "pycellga.tests.test_optimizer_cga.BinaryProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"]], "pycellga.tests.test_optimizer_cga.PermutationProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"], [14, 3, 1, "", "test_optimizer_cga_permutation"]], "pycellga.tests.test_optimizer_cga.RealProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"]], "pycellga.tests.test_optimizer_mccga": [[14, 2, 1, "", "RealProblem"], [14, 1, 1, "", "test_optimizer_mcccga_binary"]], "pycellga.tests.test_optimizer_mccga.RealProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"]], "pycellga.tests.test_optimizer_sync_cga": [[14, 2, 1, "", "BinaryProblem"], [14, 2, 1, "", "PermutationProblem"], [14, 2, 1, "", "RealProblem"], [14, 1, 1, "", "test_optimizer_sync_cga_binary"], [14, 1, 1, "", "test_optimizer_sync_cga_no_variation"], [14, 1, 1, "", "test_optimizer_sync_cga_real"]], "pycellga.tests.test_optimizer_sync_cga.BinaryProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"]], "pycellga.tests.test_optimizer_sync_cga.PermutationProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"], [14, 3, 1, "", "test_optimizer_sync_cga_permutation"]], "pycellga.tests.test_optimizer_sync_cga.RealProblem": [[14, 3, 1, "", "__init__"], [14, 3, 1, "", "f"]], "pycellga.tests.test_peak": [[14, 1, 1, "", "peak_instance"], [14, 1, 1, "", "test_peak"]], "pycellga.tests.test_pmx_crossover": [[14, 1, 1, "", "test_pmx_crossover"]], "pycellga.tests.test_population": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_population"], [14, 1, 1, "", "test_fitness_evaluation"], [14, 1, 1, "", "test_initial_population_size"], [14, 1, 1, "", "test_neighborhood_assignment"]], "pycellga.tests.test_population.MockProblem": [[14, 3, 1, "id0", "f"]], "pycellga.tests.test_pow_function": [[14, 2, 1, "", "Pow"]], "pycellga.tests.test_pow_function.Pow": [[14, 4, 1, "", "None"], [14, 3, 1, "id1", "f"]], "pycellga.tests.test_powell_function": [[14, 1, 1, "", "setup_powell"], [14, 1, 1, "", "test_powell_function"]], "pycellga.tests.test_rastrigin": [[14, 1, 1, "", "test_rastrigin"]], "pycellga.tests.test_rosenbrock": [[14, 1, 1, "", "test_rosenbrock"]], "pycellga.tests.test_rothellipsoid_function": [[14, 1, 1, "", "setup_rothellipsoid"], [14, 1, 1, "", "test_rothellipsoid_function"]], "pycellga.tests.test_roulette_wheel_selection": [[14, 1, 1, "", "test_roulette_wheel_selection"]], "pycellga.tests.test_schaffer2_function": [[14, 1, 1, "", "setup_schaffer2"], [14, 1, 1, "", "test_schaffer2_function"]], "pycellga.tests.test_schaffer_function": [[14, 1, 1, "", "setup_schaffer"], [14, 1, 1, "", "test_schaffer_function"]], "pycellga.tests.test_schwefel": [[14, 1, 1, "", "test_schwefel"]], "pycellga.tests.test_shuffle_mutation": [[14, 1, 1, "", "test_shuffle_mutation"]], "pycellga.tests.test_sphere": [[14, 1, 1, "", "test_sphere"]], "pycellga.tests.test_styblinskitang_function": [[14, 1, 1, "", "setup_styblinski_tang"], [14, 1, 1, "", "test_styblinskitang_function"]], "pycellga.tests.test_sumofdifferentpowers_function": [[14, 1, 1, "", "setup_sumofdifferentpowers"], [14, 1, 1, "", "test_sumofdifferentpowers_function"]], "pycellga.tests.test_swap_mutation": [[14, 1, 1, "", "test_swap_mutation"]], "pycellga.tests.test_threehumps_function": [[14, 1, 1, "", "setup_threehumps"], [14, 1, 1, "", "test_threehumps_function"]], "pycellga.tests.test_tournament_selection": [[14, 1, 1, "", "test_tournament_selection"]], "pycellga.tests.test_tsp": [[14, 1, 1, "", "test_tsp"]], "pycellga.tests.test_two_opt_mutation": [[14, 1, 1, "", "test_two_opt_mutation"]], "pycellga.tests.test_two_point_crossover": [[14, 1, 1, "", "test_two_point_crossover"]], "pycellga.tests.test_unfair_average_crossover": [[14, 2, 1, "", "MockProblem"], [14, 1, 1, "", "setup_parents"], [14, 1, 1, "", "setup_problem"], [14, 1, 1, "", "test_unfair_average_crossover"]], "pycellga.tests.test_unfair_average_crossover.MockProblem": [[14, 3, 1, "", "f"]], "pycellga.tests.test_uniform_crossover": [[14, 1, 1, "", "test_uniform_crossover"]], "pycellga.tests.test_zakharov_function": [[14, 1, 1, "", "test_zakharov_function"]], "pycellga.tests.test_zettle_function": [[14, 1, 1, "", "setup_zettle"], [14, 1, 1, "", "test_zettle_function"]]}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "function", "Python function"], "2": ["py", "class", "Python class"], "3": ["py", "method", "Python method"], "4": ["py", "attribute", "Python attribute"]}, "objtypes": {"0": "py:module", "1": "py:function", "2": "py:class", "3": "py:method", "4": "py:attribute"}, "terms": {"": [2, 4, 8, 14], "0": [2, 3, 4, 8, 10, 13, 14], "001": 8, "003791": 8, "01": [8, 10], "028": 8, "0299": 8, "0674": 10, "1": [2, 3, 4, 8, 10, 14], "10": [3, 8, 10], "100": [3, 8, 10], "1077": 10, "119812": 10, "12": [5, 8, 14], "14": 11, "144": 10, "15": [8, 14], "192": [10, 14], "2": [2, 4, 8, 10, 13, 14], "20": [5, 10, 14], "2013": [4, 12], "24": [5, 14], "240": 10, "25": 14, "2d": [2, 5, 14], "3": [2, 8, 14], "30": 8, "3159": 8, "32": [2, 8], "332": 8, "3323": 11, "35": 8, "3x3": 14, "4": [2, 5, 8, 14], "40": 10, "420": 8, "43": 8, "5": [2, 3, 4, 8, 14], "500": 8, "554": 8, "56": 10, "5x5": [3, 14], "6": [8, 10, 14], "600": 8, "6860": 10, "7": [8, 14], "740064": 10, "768": 8, "78": 8, "8": [5, 14], "9": [8, 14], "90133": 8, "903534": 8, "9687": 8, "A": [0, 2, 3, 4, 5, 6, 8, 10, 11, 12, 13, 14], "At": 14, "If": [2, 6, 14], "In": 2, "It": [8, 14], "The": [2, 3, 4, 5, 6, 8, 10, 11, 12, 13, 14], "__init__": [1, 2, 3, 4, 5, 12, 13, 14], "absolut": 14, "abstract": 6, "abstract_problem": [1, 2], "abstractproblem": [2, 4, 6, 8, 10, 11, 12, 14], "achiev": [3, 14], "acklei": [6, 7, 14], "ad": [4, 14], "addit": 14, "adjac": 14, "aim": 14, "algorithm": [0, 2, 3, 4, 8, 10, 14], "align": 14, "all": [3, 8, 10, 14], "allow": 0, "alpha": [0, 2, 3, 12, 14], "alpha_cga": [1, 2, 3, 14], "also": 14, "alwai": 14, "an": [2, 3, 4, 6, 12, 14], "ani": 14, "appli": 14, "approach": 14, "ar": [2, 3, 4, 5, 8, 14], "arithmet": [12, 14], "arithmetic_crossov": [1, 2], "arithmeticcrossov": [2, 12, 14], "around": [4, 14], "arrai": [3, 14], "assertionerror": 14, "assign": 14, "assum": 14, "attribut": 14, "automata": 0, "averag": [12, 14], "b": 11, "back": 2, "balanc": 0, "banana": 14, "base": [2, 3, 4, 5, 6, 8, 10, 11, 12, 13, 14], "behav": 14, "behavior": 14, "being": 3, "benchmark": [8, 10, 14], "bentcigar": [6, 7, 14], "besid": 0, "best": [2, 3, 11], "better": 2, "between": [0, 2, 10, 11, 14], "binari": [1, 2, 3, 7, 9, 14], "binaryproblem": [2, 14], "bit": [2, 4, 10, 14], "bit_flip_mut": [1, 2], "bit_list": 2, "bitflipmut": [2, 4, 14], "bits_to_float": [1, 2, 14], "blx": [12, 14], "blxalpha_crossov": [1, 2], "blxalphacrossov": [2, 12, 14], "bohachevski": [6, 7, 14], "both": [2, 14], "bound": 8, "boundari": [2, 14], "burma14": 11, "byte": [0, 4, 12, 14], "byte_mut": [1, 2], "byte_mutation_random": [1, 2], "byte_one_point_crossov": [1, 2], "byte_oper": 1, "byte_uniform_crossov": [1, 2], "bytemut": [2, 4, 14], "bytemutationrandom": [2, 4, 14], "byteonepointcrossov": [2, 12, 14], "byteuniformcrossov": [2, 12, 14], "c": 13, "calcul": [2, 5, 8, 10, 11, 14], "calculate_neighbors_posit": [2, 5], "callabl": 2, "camel": [8, 14], "can": 14, "candid": [2, 4, 6, 14], "case": [2, 14], "ccga": [1, 2, 3, 14], "cdot": 8, "cell": [2, 14], "cellular": [0, 2, 3], "center": [8, 14], "cga": [0, 1, 2, 3, 14], "ch_size": [1, 2], "chang": [4, 14], "character": 10, "check": 14, "chichinadz": [6, 7, 14], "chosen": 13, "chromosom": [1, 2, 3, 4, 8, 10, 11, 14], "chsize": 14, "citi": 14, "class": [2, 3, 4, 5, 6, 8, 10, 11, 12, 13, 14], "claus": 14, "co": 8, "code": [0, 2, 3, 10], "column": [2, 5], "combin": [0, 2, 12], "common": [8, 14], "commonli": [8, 14], "compact": [0, 2, 3], "compact13": [2, 5, 14], "compact21": [2, 5, 14], "compact25": [2, 5, 14], "compact9": [2, 5, 14], "compact_13": [1, 2], "compact_21": [1, 2], "compact_25": [1, 2], "compact_9": [1, 2], "compar": 14, "compet": [1, 2], "complex": 0, "compos": 14, "comput": [3, 8, 11, 14], "condit": 14, "configur": [3, 14], "conftest": [1, 2], "consid": [5, 14], "constrain": 3, "contain": [2, 3, 12, 13, 14], "content": 1, "continu": [6, 7, 14], "convert": 2, "coordin": [8, 11], "copi": 12, "correct": [10, 14], "correctli": 14, "correspond": 3, "count": 14, "count_sat": [7, 9], "countsat": [9, 10, 14], "creat": [2, 14], "crossov": [2, 12, 13, 14], "cut": 10, "d": 8, "deal": 8, "deceiv": 10, "decept": 10, "decim": [4, 8, 10, 11, 14], "decrement": 4, "default": [2, 4], "defin": [2, 4, 8, 12], "descript": 2, "design": [10, 14], "determin": [2, 5], "diagon": 14, "differ": [8, 14], "directli": 14, "discret": [6, 7], "distanc": [10, 11, 14], "divers": 0, "do": 14, "doe": 14, "down": 14, "dropwav": [6, 7, 14], "dure": [0, 2], "e": [2, 4], "each": [0, 2, 4, 10, 11, 14], "ecc": [7, 9, 14], "ecc_inst": [2, 14], "edg": [5, 14], "edge_weight_typ": 11, "either": 4, "element": [2, 3, 8, 10, 11, 14], "ellipsoid": [8, 14], "empti": 2, "ensur": 14, "enum": 2, "enumer": 2, "equal": [3, 14], "error": [8, 10], "euclidean": 11, "euclidean_dist": [9, 11], "evalu": [2, 6, 8, 10, 11, 14], "evolutionari": 2, "evolv": 2, "exampl": [1, 2, 8, 14], "example_alpha_cga": [1, 2], "example_ccga": [1, 2], "example_cga": [1, 2], "example_mcccga": [1, 2], "example_sync_cga": [1, 2], "exampleproblem": [2, 3], "except": 14, "exchang": 2, "exclud": 14, "expect": 14, "exploit": 0, "explor": 0, "f": [2, 3, 6, 7, 8, 9, 10, 11, 14], "fashion": 14, "find": 14, "first": [2, 11, 12, 14], "fit": [2, 4, 6, 8, 10, 11, 12, 14], "fitness_valu": [1, 2], "five": 2, "fix": 14, "fixtur": 14, "flat": [8, 12, 14], "flat_crossov": [1, 2], "flatcrossov": [2, 12, 14], "flip": [4, 14], "float": [2, 3, 4, 6, 8, 10, 11, 14], "float_list": 2, "float_numb": 2, "float_to_bit": [1, 2, 14], "float_uniform_mut": [1, 2], "floats_to_bit": [1, 2, 14], "floatuniformmut": [2, 4, 14], "fm": [6, 7, 9, 14], "fms_instanc": [2, 14], "follow": 14, "form": 2, "found": 2, "frequenc": [8, 10], "from": [2, 4, 12, 13, 14], "function": [2, 3, 4, 8, 10, 11, 12, 14], "g": 2, "gap": 2, "gen_typ": [1, 2], "gene": [2, 3, 4], "gener": [2, 3, 10, 14], "generate_candid": [1, 2], "generate_probability_vector": [1, 2], "genet": [0, 2, 3, 4, 10], "genetyp": [1, 2], "genom": [2, 14], "geo": 11, "geodes": 11, "geograph": 11, "get": [2, 13, 14], "get_par": [2, 13], "get_recombin": [2, 12], "getneighbor": [1, 2], "getneighbors_posit": [1, 2], "given": [2, 3, 5, 6, 8, 10, 11, 14], "global": [3, 8, 14], "goal": [3, 14], "gographical_dist": [9, 11], "grid": [0, 1, 3, 5, 14], "griewank": [6, 7, 14], "ha": [0, 8, 14], "have": [10, 14], "hole": 8, "holzman": [6, 7, 14], "hump": [8, 14], "hyper": [8, 14], "hypercub": [8, 14], "i": [0, 2, 3, 4, 6, 8, 10, 11, 14], "ident": 14, "ight": 8, "illeg": 14, "implement": [0, 2, 3, 6, 8, 10, 14], "improv": 0, "includ": 14, "increment": 4, "index": [11, 13], "individu": [0, 1, 4, 12, 13, 14], "inform": 12, "initi": [2, 4, 5, 12, 13, 14], "initial_popul": [1, 2], "input": [3, 8, 14], "insert": [4, 14], "insertion_mut": [1, 2], "insertionmut": [2, 4, 14], "instanc": [2, 3, 4, 12, 14], "int": [2, 3, 5, 13, 14], "integ": [2, 14], "integr": 14, "interact": 0, "involv": 10, "its": [0, 2, 3, 10], "itself": 14, "k": 13, "k_tournament": 2, "known": [2, 11, 14], "known_best": 2, "larg": 8, "last": 14, "least": [8, 14], "left": [8, 14], "length": [8, 10, 11, 14], "level": [12, 14], "levi": [6, 7, 14], "like": 0, "linear": [12, 14], "linear5": [2, 5, 14], "linear9": [2, 5, 14], "linear_5": [1, 2], "linear_9": [1, 2], "linear_crossov": [1, 2], "linearcrossov": [2, 12, 14], "list": [2, 3, 5, 6, 8, 10, 11, 12, 13, 14], "local": [10, 14], "locationsourc": 12, "lose": 2, "loser": 2, "machin": [0, 2, 3], "made": 14, "maintain": 0, "make_2d_grid": [1, 2, 14], "male": [0, 2], "map": 12, "massiv": 10, "match": 14, "matya": [6, 7, 14], "max": [2, 3], "maxcut": [10, 14], "maxcut100": [7, 9, 14], "maxcut20_01": [7, 9, 14], "maxcut20_09": [7, 9, 14], "maxcut_inst": [2, 14], "maxim": [3, 14], "maximum": [2, 8, 10], "mcccga": [1, 2, 3, 14], "mccga": 2, "mean": 14, "measur": 14, "mechan": 2, "met": 14, "method": [2, 3, 6, 8, 11, 14], "method_nam": [1, 2], "min": [2, 3], "minim": [3, 14], "minima": 14, "minimum": [2, 3, 8, 14], "minumum": 11, "mmdp": [7, 9, 14], "mmdp_instanc": [2, 14], "mock": 14, "mockproblem": [2, 14], "modifi": [8, 14], "modul": 1, "more": 14, "move": 4, "multi": 2, "multidimension": 8, "multimod": [8, 10], "multipl": [10, 14], "must": 2, "mutat": [1, 2, 14], "mutation_cand": 4, "mutation_oper": [1, 2], "mutationoper": [2, 4], "n": 8, "n_col": [1, 2, 5], "n_gen": 2, "n_row": [1, 2, 5], "name": 2, "ndarrai": [3, 14], "nearli": 8, "necessari": 4, "neg": 14, "neighbor": [0, 1, 2, 5, 13, 14], "neighborhood": [1, 2, 14], "neighbors_posit": [1, 2, 14], "new": 4, "node": [10, 11], "non": 14, "none": [2, 4, 7, 8, 9, 10, 14], "normal": 10, "note": [8, 10, 11, 14], "notimplementederror": [2, 6, 14], "ntri": 2, "number": [2, 3, 4, 5, 8, 10, 13, 14], "numpi": [3, 14], "object": [2, 3, 4, 5, 6, 12, 13, 14], "offspr": [2, 12, 14], "one": [2, 4, 11, 12, 14], "one_max": [7, 9], "one_point_crossov": [1, 2], "onemax": [9, 10, 14], "onepointcrossov": [2, 12, 14], "ones": [10, 14], "onli": [0, 14], "oper": [0, 4, 12, 14], "operaor": 0, "opposit": 14, "opt": [4, 14], "optim": [0, 1, 3, 6, 8, 10, 14], "optima": 10, "optimizationmethod": [1, 2], "option": [2, 4], "organ": 0, "origin": 14, "outer": 8, "output": 14, "over": 8, "p1": [2, 12], "p2": [2, 12], "p_crossov": 2, "p_mutat": 2, "packag": [0, 1], "pair": [12, 14], "paramet": [2, 3, 4, 5, 6, 8, 10, 11, 12, 13, 14], "parent": [2, 12, 13, 14], "partial": [12, 14], "particularli": 10, "pattern": 2, "peak": [7, 9, 14], "peak_inst": [2, 14], "perform": [2, 4, 8, 12, 13, 14], "permut": [1, 2, 7, 9, 14], "permutationproblem": [2, 14], "place": [4, 8, 10, 11, 14], "pmx": [12, 14], "pmx_crossov": [1, 2], "pmxcrossov": [2, 12, 14], "point": [4, 5, 8, 12, 14], "pop_list": 13, "pop_siz": 2, "popul": [0, 1, 13, 14], "posit": [1, 2, 4, 5, 12, 14], "pow": [2, 6, 7, 14], "powel": [6, 7, 14], "power": [8, 14], "predefin": 14, "principl": 0, "probabl": 2, "problem": [0, 1, 2, 3, 4, 12, 14], "probvector": 2, "process": [0, 2], "produc": [12, 14], "promot": 0, "proper": 14, "provid": [2, 4, 12, 14], "purpos": 14, "python": 0, "qualnam": 2, "rac": 8, "rais": [2, 6, 14], "random": [1, 2, 4, 13, 14], "random_vector_between": [1, 2], "randomli": [2, 4, 10, 14], "rang": [2, 10], "rastrigin": [6, 7, 14], "real": [0, 1, 2, 3, 14], "realproblem": [2, 3, 14], "recombin": [1, 2, 14], "recombination_oper": [1, 2], "recombinationoper": [2, 12], "region": 8, "relev": 2, "remain": 14, "repres": [2, 3, 5, 6, 8, 10, 11, 14], "represent": 2, "reproduc": 14, "respect": 2, "result": [12, 14], "return": [2, 3, 4, 5, 6, 8, 10, 11, 12, 13, 14], "revers": 4, "right": 14, "rosenbrock": [6, 7, 14], "rotat": [8, 14], "rothellipsoid": [6, 7], "roulett": 13, "roulette_wheel_select": [1, 2], "roulettewheelselect": [2, 13, 14], "round": [4, 8, 10, 11, 14], "rout": 11, "row": [2, 5], "run": [2, 3], "run_alpha_cga_exampl": [2, 3], "run_ccga_exampl": [2, 3], "run_cga_exampl": [2, 3], "run_mcccga_exampl": [2, 3], "run_sync_cga_exampl": [2, 3], "salesman": [11, 14], "same": 14, "sampl": [1, 2, 4, 14], "satisfact": 14, "satisfi": 10, "satman": [4, 12], "schaffer": [6, 7, 14], "schaffer2": [6, 7, 14], "schwefel": [6, 7, 14], "second": [2, 11, 12], "seed": 14, "segment": 4, "select": [1, 2, 4, 14], "selection_oper": [1, 2], "selectionoper": [2, 13], "set": [2, 10, 14], "setneighbor": [1, 2], "setneighbors_posit": [1, 2], "setup_bentcigar": [2, 14], "setup_chichinadz": [2, 14], "setup_dropwav": [2, 14], "setup_griewank": [2, 14], "setup_holzman": [2, 14], "setup_individu": [2, 14], "setup_levi": [2, 14], "setup_matya": [2, 14], "setup_par": [2, 14], "setup_popul": [2, 14], "setup_powel": [2, 14], "setup_problem": [2, 14], "setup_rothellipsoid": [2, 14], "setup_schaff": [2, 14], "setup_schaffer2": [2, 14], "setup_styblinski_tang": [2, 14], "setup_sumofdifferentpow": [2, 14], "setup_threehump": [2, 14], "setup_zettl": [2, 14], "sever": 14, "should": [2, 8, 14], "shuffl": [4, 14], "shuffle_mut": [1, 2], "shufflemut": [2, 4, 14], "simpl": [3, 10, 14], "simpli": 14, "sin": 8, "singl": [4, 12, 14], "single_object": [2, 6], "size": [2, 3, 14], "solut": [2, 3, 6, 14], "solv": [3, 11], "some": 14, "sound": [8, 10], "sourc": [2, 3, 4, 5, 6, 8, 10, 11, 12, 13, 14], "spatial": 0, "specif": [2, 8, 14], "specifi": [2, 3], "sphere": [6, 7, 14], "sqrt": 8, "squar": [3, 14], "start": [2, 13], "step": 14, "still": 14, "str": 2, "string": [2, 14], "structur": 0, "styblinski": [8, 14], "styblinskitang": [6, 7, 14], "subclass": [6, 14], "submodul": [1, 7, 9], "subpackag": 1, "subproblem": 10, "subsequ": 4, "subtract": 4, "sum": [3, 8, 10, 14], "sum_": 8, "sumofdifferentpow": [6, 7, 14], "surround": 14, "swap": [4, 14], "swap_mut": [1, 2], "swapmut": [2, 4, 14], "sync": 2, "sync_cga": [1, 2, 3, 14], "syncga": [1, 2], "synchron": [2, 3], "take": 2, "tang": [8, 14], "target": [10, 14], "techniqu": 14, "test": [1, 2, 8, 10], "test_acklei": [1, 2], "test_arithmetic_crossov": [1, 2], "test_bentcigar_funct": [1, 2], "test_bit_flip_mut": [1, 2], "test_bits_to_float": [2, 14], "test_blxalpha_crossov": [1, 2], "test_bohachevski": [1, 2], "test_byte_mut": [1, 2], "test_byte_mutation_random": [1, 2], "test_byte_one_point_crossov": [1, 2], "test_byte_oper": [1, 2], "test_byte_uniform_crossov": [1, 2], "test_chichinadze_funct": [1, 2], "test_compact_13": [1, 2], "test_compact_21": [1, 2], "test_compact_25": [1, 2], "test_compact_9": [1, 2], "test_count_sat": [1, 2], "test_dropwave_funct": [1, 2], "test_ecc": [1, 2], "test_fitness_evalu": [2, 14], "test_flat_crossov": [1, 2], "test_float_to_bit": [2, 14], "test_float_uniform_mut": [1, 2], "test_floats_to_bit": [2, 14], "test_fm": [1, 2], "test_get_set_neighbor": [2, 14], "test_get_set_neighbors_posit": [2, 14], "test_grid": [1, 2], "test_griewank_funct": [1, 2], "test_holzman_funct": [1, 2], "test_illegal_genome_typ": [2, 14], "test_individu": [1, 2], "test_individual_init": [2, 14], "test_initial_population_s": [2, 14], "test_insertion_mut": [1, 2], "test_levy_funct": [1, 2], "test_linear_5": [1, 2], "test_linear_9": [1, 2], "test_linear_crossov": [1, 2], "test_matyas_funct": [1, 2], "test_maxcut100": [1, 2], "test_maxcut20_01": [1, 2], "test_maxcut20_09": [1, 2], "test_mmdp": [1, 2], "test_mmdp_funct": [2, 14], "test_neighborhood_assign": [2, 14], "test_one_max": [1, 2], "test_one_point_crossov": [1, 2], "test_optimizer_alpha_cga": [1, 2], "test_optimizer_alpha_cga_binari": [2, 14], "test_optimizer_alpha_cga_no_vari": [2, 14], "test_optimizer_alpha_cga_permut": [2, 14], "test_optimizer_alpha_cga_r": [2, 14], "test_optimizer_ccga": [1, 2], "test_optimizer_ccga_binari": [2, 14], "test_optimizer_cga": [1, 2], "test_optimizer_cga_binari": [2, 14], "test_optimizer_cga_no_vari": [2, 14], "test_optimizer_cga_permut": [2, 14], "test_optimizer_cga_r": [2, 14], "test_optimizer_mcccga_binari": [2, 14], "test_optimizer_mccga": [1, 2], "test_optimizer_sync_cga": [1, 2], "test_optimizer_sync_cga_binari": [2, 14], "test_optimizer_sync_cga_no_vari": [2, 14], "test_optimizer_sync_cga_permut": [2, 14], "test_optimizer_sync_cga_r": [2, 14], "test_peak": [1, 2], "test_pmx_crossov": [1, 2], "test_popul": [1, 2], "test_pow_funct": [1, 2], "test_powell_funct": [1, 2], "test_randomize_binari": [2, 14], "test_randomize_permut": [2, 14], "test_randomize_real_valu": [2, 14], "test_rastrigin": [1, 2], "test_rosenbrock": [1, 2], "test_rothellipsoid_funct": [1, 2], "test_roulette_wheel_select": [1, 2], "test_schaffer2_funct": [1, 2], "test_schaffer_funct": [1, 2], "test_schwefel": [1, 2], "test_shuffle_mut": [1, 2], "test_spher": [1, 2], "test_styblinskitang_funct": [1, 2], "test_sumofdifferentpowers_funct": [1, 2], "test_swap_mut": [1, 2], "test_threehumps_funct": [1, 2], "test_tournament_select": [1, 2], "test_tsp": [1, 2], "test_two_opt_mut": [1, 2], "test_two_point_crossov": [1, 2], "test_unfair_average_crossov": [1, 2], "test_uniform_crossov": [1, 2], "test_zakharov_funct": [1, 2], "test_zettle_funct": [1, 2], "thi": [0, 2, 3, 8, 11, 14], "third": 2, "thorough": 14, "those": [8, 10], "three": [2, 8, 10, 14], "threehump": [6, 7, 14], "topologi": 0, "toroid": 14, "total": [11, 14], "tournament": [2, 13], "tournament_select": [1, 2], "tournamentselect": [2, 13, 14], "tradit": 0, "travel": [11, 14], "trial": 2, "true": 14, "tsp": [7, 9, 14], "tupl": [2, 3, 5, 14], "two": [2, 4, 8, 11, 12, 14], "two_opt_mut": [1, 2], "two_point_crossov": [1, 2], "twooptmut": [2, 4, 14], "twopointcrossov": [2, 12, 14], "type": [2, 3, 4, 5, 6, 8, 10, 11, 12, 13, 14], "typic": 14, "unchang": 14, "unfair": [12, 14], "unfair_avarage_crossov": [1, 2], "unfairavaragecrossov": [2, 12, 14], "uniform": [4, 12, 14], "uniform_crossov": [1, 2], "uniformcrossov": [2, 12, 14], "uniformli": 4, "up": 14, "updat": 2, "update_vector": [1, 2], "us": [2, 3, 8, 10, 11, 12, 14], "usual": [8, 14], "util": 0, "valid": 14, "vallei": 14, "valu": [0, 2, 3, 4, 6, 8, 10, 11, 14], "variabl": [8, 10, 14], "variou": 14, "vector": [1, 2], "verifi": 14, "wa": 2, "well": 14, "wheel": 13, "when": [3, 14], "where": [2, 3, 8, 10, 11, 14], "which": [2, 8, 10, 12, 14], "whose": 5, "wide": [8, 14], "win": 2, "winner": 2, "wise": [4, 14], "within": [8, 14], "wrap": [4, 5, 14], "x": [2, 3, 5, 6, 8, 10, 11, 14], "x1": 8, "x2": 8, "x_": 8, "x_i": [8, 14], "xi": [8, 14], "y": [2, 5, 8], "zakharov": [6, 7, 14], "zero": 14, "zettl": [6, 7, 14]}, "titles": ["PYCELLGA Documentation", "pycellga", "pycellga package", "pycellga.example package", "pycellga.mutation package", "pycellga.neighborhoods package", "pycellga.problems package", "pycellga.problems.single_objective package", "pycellga.problems.single_objective.continuous package", "pycellga.problems.single_objective.discrete package", "pycellga.problems.single_objective.discrete.binary package", "pycellga.problems.single_objective.discrete.permutation package", "pycellga.recombination package", "pycellga.selection package", "pycellga.tests package", "setup module"], "titleterms": {"abstract_problem": 6, "acklei": 8, "arithmetic_crossov": 12, "assert": 14, "bentcigar": 8, "binari": 10, "bit_flip_mut": 4, "blxalpha_crossov": 12, "bohachevski": 8, "byte_mut": 4, "byte_mutation_random": 4, "byte_one_point_crossov": 12, "byte_oper": 2, "byte_uniform_crossov": 12, "chichinadz": 8, "compact_13": 5, "compact_21": 5, "compact_25": 5, "compact_9": 5, "conftest": 14, "content": [0, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14], "continu": 8, "count_sat": 10, "discret": [9, 10, 11], "document": 0, "dropwav": 8, "ecc": 10, "exampl": 3, "example_alpha_cga": 3, "example_ccga": 3, "example_cga": 3, "example_mcccga": 3, "example_sync_cga": 3, "flat_crossov": 12, "float_uniform_mut": 4, "fm": [8, 10], "grid": 2, "griewank": 8, "holzman": 8, "individu": 2, "insertion_mut": 4, "levi": 8, "linear_5": 5, "linear_9": 5, "linear_crossov": 12, "matya": 8, "maxcut100": 10, "maxcut20_01": 10, "maxcut20_09": 10, "mmdp": 10, "modul": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15], "mutat": 4, "mutation_oper": 4, "neighborhood": 5, "one_max": 10, "one_point_crossov": 12, "optim": 2, "packag": [2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14], "peak": 10, "permut": 11, "pmx_crossov": 12, "popul": 2, "pow": 8, "powel": 8, "problem": [6, 7, 8, 9, 10, 11], "pycellga": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14], "rastrigin": 8, "recombin": 12, "recombination_oper": 12, "rosenbrock": 8, "rothellipsoid": 8, "roulette_wheel_select": 13, "schaffer": 8, "schaffer2": 8, "schwefel": 8, "select": 13, "selection_oper": 13, "setup": 15, "shuffle_mut": 4, "single_object": [7, 8, 9, 10, 11], "sphere": 8, "styblinskitang": 8, "submodul": [2, 3, 4, 5, 6, 8, 10, 11, 12, 13, 14], "subpackag": [2, 6, 7, 9], "sumofdifferentpow": 8, "swap_mut": 4, "test": 14, "test_acklei": 14, "test_arithmetic_crossov": 14, "test_bentcigar_funct": 14, "test_bit_flip_mut": 14, "test_blxalpha_crossov": 14, "test_bohachevski": 14, "test_byte_mut": 14, "test_byte_mutation_random": 14, "test_byte_one_point_crossov": 14, "test_byte_oper": 14, "test_byte_uniform_crossov": 14, "test_chichinadze_funct": 14, "test_compact_13": 14, "test_compact_21": 14, "test_compact_25": 14, "test_compact_9": 14, "test_count_sat": 14, "test_dropwave_funct": 14, "test_ecc": 14, "test_flat_crossov": 14, "test_float_uniform_mut": 14, "test_fm": 14, "test_grid": 14, "test_griewank_funct": 14, "test_holzman_funct": 14, "test_individu": 14, "test_insertion_mut": 14, "test_levy_funct": 14, "test_linear_5": 14, "test_linear_9": 14, "test_linear_crossov": 14, "test_matyas_funct": 14, "test_maxcut100": 14, "test_maxcut20_01": 14, "test_maxcut20_09": 14, "test_mmdp": 14, "test_one_max": 14, "test_one_point_crossov": 14, "test_optimizer_alpha_cga": 14, "test_optimizer_ccga": 14, "test_optimizer_cga": 14, "test_optimizer_mccga": 14, "test_optimizer_sync_cga": 14, "test_peak": 14, "test_pmx_crossov": 14, "test_popul": 14, "test_pow_funct": 14, "test_powell_funct": 14, "test_rastrigin": 14, "test_rosenbrock": 14, "test_rothellipsoid_funct": 14, "test_roulette_wheel_select": 14, "test_schaffer2_funct": 14, "test_schaffer_funct": 14, "test_schwefel": 14, "test_shuffle_mut": 14, "test_spher": 14, "test_styblinskitang_funct": 14, "test_sumofdifferentpowers_funct": 14, "test_swap_mut": 14, "test_threehumps_funct": 14, "test_tournament_select": 14, "test_tsp": 14, "test_two_opt_mut": 14, "test_two_point_crossov": 14, "test_unfair_average_crossov": 14, "test_uniform_crossov": 14, "test_zakharov_funct": 14, "test_zettle_funct": 14, "threehump": 8, "tournament_select": 13, "tsp": 11, "two_opt_mut": 4, "two_point_crossov": 12, "unfair_avarage_crossov": 12, "uniform_crossov": 12, "zakharov": 8, "zettl": 8}}) \ No newline at end of file