import fire
import torch
import einx
def rbrock(x):
return (100 * (x[..., 1:] - x[..., :-1] ** 2) ** 2 + (1 - x[..., :-1]) ** 2).sum(dim = -1)
@torch.inference_mode()
def main(
= 5000,
steps = 4,
colonies = 1000,
population_size = 12,
dimensions = -4.,
lower_bound = 4.,
upper_bound = 50,
migrate_every
= 2.,
beta0 = 1.,
gamma = 0.1,
alpha = 0.995,
alpha_decay
= False,
use_genetic_algorithm = 10,
breed_every = 50,
tournament_size = 250
num_children
):
assert tournament_size <= population_size
assert num_children <= population_size
= True
use_cuda = True
verbose
= rbrock
cost_function
= torch.zeros((colonies, population_size, dimensions)).uniform_(lower_bound, upper_bound)
fireflies
if torch.cuda.is_available() and use_cuda:
= fireflies.cuda()
fireflies
= fireflies.device
device for step in range(steps):
= cost_function(fireflies)
costs
= einx.greater('s i, s j -> s i j', costs, costs)
move_mask
= einx.subtract('s j d, s i d -> s i j d', fireflies, fireflies)
delta_positions
= delta_positions.norm(dim = -1)
distance
= beta0 * (-gamma * distance ** 2).exp()
betas
= einx.multiply('s i j, s i j d -> s i j d', move_mask * betas, delta_positions)
attraction = alpha * (torch.rand_like(fireflies) - 0.5) * (upper_bound - lower_bound)
random_walk
+= einx.sum('s i j d -> s i d', attraction) + random_walk
fireflies
min = lower_bound, max = upper_bound)
fireflies.clamp_(
*= alpha_decay
alpha
if colonies > 1 and migrate_every > 0 and (step % migrate_every) == 0:
= population_size // 2
midpoint = fireflies[:, :midpoint], fireflies[:, midpoint:]
fireflies, fireflies_rotate = torch.randperm(colonies, device = device)
migrate_indices = torch.cat((fireflies, fireflies_rotate[migrate_indices]), dim = 1)
fireflies
if not use_genetic_algorithm or (step % breed_every) != 0:
continue
= cost_function(fireflies)
cost = 1. / cost
fitness
= torch.randn((colonies, num_children, population_size), device = device).argsort(dim = -1)
batch_randperm = batch_randperm[..., :tournament_size]
tournament_indices
= einx.get_at('s [p], s c t -> s c t', fitness, tournament_indices)
participant_fitnesses = participant_fitnesses.topk(2, dim = -1).indices
winner_tournament_ids
= einx.get_at('s c [t], s c parents -> s c parents', tournament_indices, winner_tournament_ids)
winning_firefly_indices
= einx.get_at('s [p] d, s c parents -> parents s c d', fireflies, winning_firefly_indices)
parent1, parent2
= torch.rand_like(parent1) < 0.5
crossover_mask
= torch.where(crossover_mask, parent1, parent2)
children
= fitness.argsort(dim = -1).argsort(dim = -1) < num_children
replacement_mask
= einx.rearrange('s p d -> (s p) d', children)
fireflies[replacement_mask]
= einx.rearrange('s p d -> (s p) d', fireflies)
fireflies
= cost_function(fireflies)
costs = costs.sort(dim = -1)
sorted_costs, sorted_indices
= fireflies[sorted_indices]
fireflies
print(f'best firefly for rbrock with {dimensions} dimensions: {sorted_costs[0]:.3f}: {fireflies[0]}')
if __name__ == '__main__':
fire.Fire(main)
I have previously used Genetic algorithms in one of the projects I was working on relating to vehicle dispatch. I had this paper on my reading list for a while now and I wanted to write it on my blog as I read through and implement the authors original ideas. I am particularly interested in the queen breeding methodology (El-Shorbagy and El-Refaey 2022) that the authors are discussing.
This post is mostly a work in progress till I fully implement this proposed methodology and this initial implementation is using einx for python which is also on my github
References
El-Shorbagy, M A, and Adel M El-Refaey. 2022. “A Hybrid Genetic–Firefly Algorithm for Engineering Design Problems.” Journal of Computational Design and Engineering 9 (2): 706–30. https://doi.org/10.1093/jcde/qwac013.