Topic: "genetic-algorithm"
eriklindernoren/ML-From-Scratch
Machine Learning From Scratch. Bare bones NumPy implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from linear regression to deep learning.
Language: Python - Size: 540 KB - Last synced at: 9 days ago - Pushed at: almost 2 years ago - Stars: 28,659 - Forks: 4,916

haifengl/smile
Statistical Machine Intelligence & Learning Engine
Language: Java - Size: 247 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 6,266 - Forks: 1,146

nfmcclure/tensorflow_cookbook
Code for Tensorflow Machine Learning Cookbook
Language: Jupyter Notebook - Size: 18.9 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 6,259 - Forks: 2,406

guofei9987/scikit-opt
Genetic Algorithm, Particle Swarm Optimization, Simulated Annealing, Ant Colony Optimization Algorithm,Immune Algorithm, Artificial Fish Swarm Algorithm, Differential Evolution and TSP(Traveling salesman)
Language: Python - Size: 383 KB - Last synced at: 12 days ago - Pushed at: about 1 month ago - Stars: 5,640 - Forks: 1,014

codelion/openevolve
Open-source implementation of AlphaEvolve
Language: Python - Size: 5.27 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 4,039 - Forks: 583

rh12503/triangula
Generate high-quality triangulated and polygonal art from images.
Language: Go - Size: 28.2 MB - Last synced at: 4 months ago - Pushed at: about 4 years ago - Stars: 3,862 - Forks: 124

MilesCranmer/PySR
High-Performance Symbolic Regression in Python and Julia
Language: Python - Size: 5.29 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 3,106 - Forks: 284

tradytics/eiten
Statistical and Algorithmic Investing Strategies for Everyone
Language: Python - Size: 647 KB - Last synced at: 4 months ago - Pushed at: about 3 years ago - Stars: 2,977 - Forks: 357

ivanseidel/IAMDinosaur
🦄 An Artificial Inteligence to teach Google's Dinosaur to jump cactus
Language: JavaScript - Size: 348 KB - Last synced at: 4 months ago - Pushed at: over 7 years ago - Stars: 2,812 - Forks: 536

anyoptimization/pymoo
NSGA2, NSGA3, R-NSGA3, MOEAD, Genetic Algorithms (GA), Differential Evolution (DE), CMAES, PSO
Language: Python - Size: 18.7 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 2,588 - Forks: 434

codeplea/genann
simple neural network library in ANSI C
Language: C - Size: 73.2 KB - Last synced at: about 16 hours ago - Pushed at: over 1 year ago - Stars: 2,197 - Forks: 263

ahmedfgad/GeneticAlgorithmPython
Source code of PyGAD, a Python 3 library for building the genetic algorithm and training machine learning algorithms (Keras & PyTorch).
Language: Python - Size: 20.5 MB - Last synced at: 7 days ago - Pushed at: 3 months ago - Stars: 2,111 - Forks: 490

ssusnic/Machine-Learning-Flappy-Bird
Machine Learning for Flappy Bird using Neural Network and Genetic Algorithm
Language: JavaScript - Size: 474 KB - Last synced at: 5 months ago - Pushed at: almost 8 years ago - Stars: 1,827 - Forks: 401

ArztSamuel/Applying_EANNs
A 2D Unity simulation in which cars learn to navigate themselves through different courses. The cars are steered by a feedforward neural network. The weights of the network are trained using a modified genetic algorithm.
Language: ASP - Size: 19.7 MB - Last synced at: 5 months ago - Pushed at: about 3 years ago - Stars: 1,516 - Forks: 365

giacomelli/GeneticSharp
GeneticSharp is a fast, extensible, multi-platform and multithreading C# Genetic Algorithm library that simplifies the development of applications using Genetic Algorithms (GAs).
Language: C# - Size: 184 MB - Last synced at: 4 days ago - Pushed at: 11 days ago - Stars: 1,338 - Forks: 343

LiYangHart/Hyperparameter-Optimization-of-Machine-Learning-Algorithms
Implementation of hyperparameter optimization/tuning methods for machine learning & deep learning models (easy&clear)
Language: Jupyter Notebook - Size: 235 KB - Last synced at: 5 months ago - Pushed at: about 3 years ago - Stars: 1,293 - Forks: 304

MorvanZhou/Evolutionary-Algorithm
Evolutionary Algorithm using Python, 莫烦Python 中文AI教学
Language: Python - Size: 2.21 MB - Last synced at: 4 months ago - Pushed at: almost 2 years ago - Stars: 1,220 - Forks: 636

wagenaartje/neataptic
:rocket: Blazing fast neuro-evolution & backpropagation for the browser and Node.js
Language: JavaScript - Size: 3.07 MB - Last synced at: 2 months ago - Pushed at: about 6 years ago - Stars: 1,214 - Forks: 289

primaryobjects/AI-Programmer
Using artificial intelligence and genetic algorithms to automatically write programs. Tutorial: http://www.primaryobjects.com/cms/article149
Language: C# - Size: 6.48 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1,095 - Forks: 265

thieu1995/mealpy
A Collection Of The State-of-the-art Metaheuristic Algorithms In Python (Metaheuristic/Optimizer/Nature-inspired/Biology)
Language: Python - Size: 15.2 MB - Last synced at: 4 days ago - Pushed at: about 1 month ago - Stars: 1,090 - Forks: 212

joeddav/devol
Genetic neural architecture search with Keras
Language: Python - Size: 83 KB - Last synced at: 3 days ago - Pushed at: over 2 years ago - Stars: 951 - Forks: 114

MaxHalford/eaopt
:four_leaf_clover: Evolutionary optimization library for Go (genetic algorithm, partical swarm optimization, differential evolution)
Language: Go - Size: 591 KB - Last synced at: 5 months ago - Pushed at: 9 months ago - Stars: 900 - Forks: 97

esa/pagmo2
A C++ platform to perform parallel computations of optimisation tasks (global and local) via the asynchronous generalized island model.
Language: C++ - Size: 58.3 MB - Last synced at: 24 days ago - Pushed at: 4 months ago - Stars: 889 - Forks: 169

jenetics/jenetics
Jenetics - Genetic Algorithm, Genetic Programming, Grammatical Evolution, Evolutionary Algorithm, and Multi-objective Optimization
Language: Java - Size: 81.8 MB - Last synced at: 18 days ago - Pushed at: 19 days ago - Stars: 874 - Forks: 162

LiYangSir/Smart-Algorithm
智能算法-遗传算法、蚁群算法、粒子群算法实现。实现版本Java,Python,MatLab多版本实现
Language: MATLAB - Size: 2.11 MB - Last synced at: 5 months ago - Pushed at: over 5 years ago - Stars: 764 - Forks: 154

nemanja-m/gaps
A Genetic Algorithm-Based Solver for Jigsaw Puzzles :cyclone:
Language: Python - Size: 5.43 MB - Last synced at: 5 months ago - Pushed at: about 1 year ago - Stars: 750 - Forks: 111

PytLab/gaft
A Genetic Algorithm Framework in Python (not for production level)
Language: Python - Size: 7.02 MB - Last synced at: about 1 month ago - Pushed at: almost 7 years ago - Stars: 749 - Forks: 217

MilesCranmer/SymbolicRegression.jl
Distributed High-Performance Symbolic Regression in Julia
Language: Julia - Size: 31.2 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 739 - Forks: 112

trekhleb/self-parking-car-evolution
🧬 Training the car to do self-parking using a genetic algorithm
Language: TypeScript - Size: 31.8 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 737 - Forks: 80

victorqribeiro/invaderz
Space invaders, but the invaders evolve with genetic algorithm
Language: JavaScript - Size: 32.2 KB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 711 - Forks: 52

shyamsaktawat/OpenAlpha_Evolve
OpenAlpha_Evolve is an open-source Python framework inspired by the groundbreaking research on autonomous coding agents like DeepMind's AlphaEvolve.
Language: Python - Size: 204 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 694 - Forks: 109

mpatacchiola/dissecting-reinforcement-learning
Python code, PDFs and resources for the series of posts on Reinforcement Learning which I published on my personal blog
Language: Python - Size: 28.1 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 621 - Forks: 180

iRB-Lab/py-ga-VRPTW
A Python Implementation of a Genetic Algorithm-based Solution to Vehicle Routing Problem with Time Windows
Language: Python - Size: 8.64 MB - Last synced at: 13 days ago - Pushed at: 14 days ago - Stars: 620 - Forks: 169

100/Solid
🎯 A comprehensive gradient-free optimization framework written in Python
Language: Python - Size: 268 KB - Last synced at: 5 months ago - Pushed at: about 6 years ago - Stars: 579 - Forks: 59

yanshengjia/artificial-intelligence
Awesome Artificial Intelligence Projects
Language: Jupyter Notebook - Size: 6.78 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 460 - Forks: 393

Shuai-Xie/genetic-algorithm
遗传算法 - Matlab
Language: Matlab - Size: 8.79 KB - Last synced at: 5 months ago - Pushed at: about 8 years ago - Stars: 452 - Forks: 142

connor-brooks/ecosim
An interactive ecosystem and evolution simulator written in C and OpenGL, for GNU/Linux.
Language: C - Size: 20.8 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 390 - Forks: 12

kaushalshetty/FeatureSelectionGA
Feature Selection using Genetic Algorithm (DEAP Framework)
Language: Python - Size: 54.7 KB - Last synced at: 18 days ago - Pushed at: over 2 years ago - Stars: 371 - Forks: 95

rishal-hurbans/Grokking-Artificial-Intelligence-Algorithms
The official code repository supporting the book, Grokking Artificial Intelligence Algorithms
Language: Python - Size: 46.9 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 367 - Forks: 121

ahmedkhalf/Circle-Evolution
Evolutionary Art Using Circles in Python
Language: Python - Size: 493 KB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 357 - Forks: 46

Jasonnor/Car-Simulator
Autonomous car simulator (based on JavaScript & WebGL) implemented by fuzzy control system, genetic algorithm and particle swarm optimization.
Language: JavaScript - Size: 37.8 MB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 352 - Forks: 61

wildart/Evolutionary.jl
Evolutionary & genetic algorithms for Julia
Language: Julia - Size: 1.6 MB - Last synced at: 15 days ago - Pushed at: over 2 years ago - Stars: 347 - Forks: 59

vss2sn/path_planning
This repository contains path planning algorithms in C++ for a grid based search.
Language: C++ - Size: 6.69 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 321 - Forks: 88

shobrook/promptimal
A very fast, very minimal prompt optimizer
Language: Python - Size: 4.82 MB - Last synced at: 10 days ago - Pushed at: 9 months ago - Stars: 288 - Forks: 12

thieu1995/metaheuristics
Implement the-state-of-the-art meta-heuristic algorithms using python (numpy)
Language: Jupyter Notebook - Size: 18.4 MB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 286 - Forks: 83

TomaszRewak/ML-games
Machine learning games. Use combination of genetic algorithms and neural networks to control the behaviour of in-game objects.
Language: JavaScript - Size: 1.47 MB - Last synced at: 3 months ago - Pushed at: almost 6 years ago - Stars: 286 - Forks: 31

rmsolgi/geneticalgorithm
Genetic Algorithm Package for Python
Language: Python - Size: 403 KB - Last synced at: 21 days ago - Pushed at: about 4 years ago - Stars: 264 - Forks: 77

lmarti/evolutionary-computation-course
Jupyter/IPython notebooks about evolutionary computation.
Language: Jupyter Notebook - Size: 146 MB - Last synced at: about 1 month ago - Pushed at: over 8 years ago - Stars: 255 - Forks: 101

ahmedfgad/NeuralGenetic
Building and training artificial neural networks (regression or classification) using the genetic algorithm.
Language: Python - Size: 1.28 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 251 - Forks: 90

jaswinder9051998/zoofs
zoofs is a python library for performing feature selection using a variety of nature-inspired wrapper algorithms. The algorithms range from swarm-intelligence to physics-based to Evolutionary. It's easy to use , flexible and powerful tool to reduce your feature size.
Language: Python - Size: 6.75 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 248 - Forks: 47

victorqribeiro/aimAndShoot
A neuroevolution game experiment.
Language: JavaScript - Size: 169 KB - Last synced at: 5 months ago - Pushed at: about 5 years ago - Stars: 233 - Forks: 25

wurmen/Genetic-Algorithm-for-Job-Shop-Scheduling-and-NSGA-II
Learning how to implement GA and NSGA-II for job shop scheduling problem in python
Language: HTML - Size: 4.01 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 229 - Forks: 129

pkalivas/radiate
A fast and flexible evolution engine for implementing artificial evolution and genetic programming techniques
Language: Rust - Size: 16.8 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 225 - Forks: 19

henshmi/Classic-Pool-Game
Classic 8 Ball pool game written in JavaScript
Language: JavaScript - Size: 34.6 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 225 - Forks: 115

shiffman/Neural-Network-p5 📦
Deprecated! See:
Language: JavaScript - Size: 5.68 MB - Last synced at: 5 days ago - Pushed at: over 7 years ago - Stars: 223 - Forks: 40

Patryk27/shorelark 📦
Simulation of life & evolution
Size: 622 KB - Last synced at: about 11 hours ago - Pushed at: about 2 months ago - Stars: 222 - Forks: 22

olmallet81/GALGO-2.0
Genetic Algorithm in C++ with template metaprogramming and abstraction for constrained optimization
Language: C++ - Size: 145 KB - Last synced at: 7 months ago - Pushed at: over 5 years ago - Stars: 220 - Forks: 53

aqibsaeed/Genetic-CNN
CNN architecture exploration using Genetic Algorithm
Language: Python - Size: 323 KB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 218 - Forks: 96

BlueBrain/BluePyOpt 📦
Blue Brain Python Optimisation Library
Language: Python - Size: 57.5 MB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 215 - Forks: 101

TAMS-Group/bio_ik
MoveIt kinematics_base plugin based on particle optimization & GA
Language: C++ - Size: 1.25 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 215 - Forks: 83

pranavkhurana/Time-table-scheduler
Time Table generation using Genetic Algorithms ( Java-Struts2)
Language: Java - Size: 18.7 MB - Last synced at: 11 months ago - Pushed at: over 8 years ago - Stars: 215 - Forks: 114

dwdyer/watchmaker
The Watchmaker Framework for Evolutionary Computation
Language: Java - Size: 43.6 MB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 210 - Forks: 75

ai4co/reevo
[NeurIPS 2024] ReEvo: Large Language Models as Hyper-Heuristics with Reflective Evolution
Language: Python - Size: 26.7 MB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 204 - Forks: 44

austin-starks/Promptimizer
An Automated AI-Powered Prompt Optimization Framework
Language: TypeScript - Size: 267 KB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 197 - Forks: 21

NDresevic/timetable-generator
Timetable generator for university schedule implemented in Python using genetic algorithms.
Language: Python - Size: 8.17 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 193 - Forks: 58

innoave/genevo
Execute genetic algorithm (GA) simulations in a customizable and extensible way.
Language: Rust - Size: 309 KB - Last synced at: about 5 hours ago - Pushed at: over 1 year ago - Stars: 186 - Forks: 28

anuraghazra/EvolutionAquerium
:fish: :bug: Small Inteli Creatures Based On Steering Behaviours
Language: JavaScript - Size: 364 KB - Last synced at: 12 months ago - Pushed at: over 3 years ago - Stars: 185 - Forks: 21

mam91/neat-genetic-mario
Update of Seth Bling's MarI/O
Language: Lua - Size: 379 KB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 183 - Forks: 62

edceliz/GeneticAlgorithmUniversityClassScheduler
A class scheduler using adaptive-elitist genetic algorithm.
Language: Python - Size: 424 KB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 181 - Forks: 82

JingweiToo/Wrapper-Feature-Selection-Toolbox-Python
This toolbox offers 13 wrapper feature selection methods (PSO, GA, GWO, HHO, BA, WOA, and etc.) with examples. It is simple and easy to implement.
Language: Python - Size: 109 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 181 - Forks: 58

Martin1887/oxigen
Fast, parallel, extensible and adaptable genetic algorithms framework written in Rust
Language: Rust - Size: 208 KB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 179 - Forks: 20

tmhglnd/total-serialism
Toolbox full of Algorithmic Composition methods
Language: JavaScript - Size: 22.9 MB - Last synced at: 21 days ago - Pushed at: 29 days ago - Stars: 174 - Forks: 11

heal-research/operon
C++ Large Scale Genetic Programming
Language: C++ - Size: 22.6 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 174 - Forks: 33

afourmy/pyTSP
A 2D/3D visualization of the Traveling Salesman Problem main heuristics
Language: Python - Size: 10.4 MB - Last synced at: 16 days ago - Pushed at: about 7 years ago - Stars: 169 - Forks: 39

adityathebe/evolutionSimulator
Evolution Simulator with Box2D
Language: JavaScript - Size: 1.41 MB - Last synced at: 28 days ago - Pushed at: over 5 years ago - Stars: 164 - Forks: 18

avaneev/biteopt
Derivative-Free Global Optimization Algorithm (C++, Python binding) - Continuous, Discrete, TSP, NLS, MINLP
Language: C++ - Size: 3.34 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 162 - Forks: 11

SC4RECOIN/NeuroEvolution-BTC-Trader
Building a population of models that trade crypto and mutate iteratively
Language: Go - Size: 101 MB - Last synced at: 1 day ago - Pushed at: over 4 years ago - Stars: 162 - Forks: 42

jobtalle/Cephalopods
Evolving squids through neuroevolution
Language: JavaScript - Size: 305 KB - Last synced at: 6 months ago - Pushed at: about 5 years ago - Stars: 161 - Forks: 18

imsatoshi/GeneTrader
Genetic Algorithm Optimization for Trading Strategies
Language: Python - Size: 216 MB - Last synced at: 13 days ago - Pushed at: 4 months ago - Stars: 159 - Forks: 54

aliakbar09a/AI_plays_snake
AI trained using Genetic Algorithm and Deep Learning to play the game of snake
Language: Python - Size: 58.4 MB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 152 - Forks: 51

Somnibyte/MLKit
A simple machine learning framework written in Swift 🤖
Language: Swift - Size: 3.28 MB - Last synced at: 4 days ago - Pushed at: about 7 years ago - Stars: 152 - Forks: 14

nathanrooy/evolving-simple-organisms
Evolving simple organisms using a genetic algorithm and deep learning from scratch with python
Language: Python - Size: 529 KB - Last synced at: 3 days ago - Pushed at: over 5 years ago - Stars: 146 - Forks: 55

mithi/rusty-genes
Genetic algorithm implementation in Rust with animated visualizations in Python
Language: Rust - Size: 38.2 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 144 - Forks: 12

rossning92/genetic-algorithm
Genetic algorithm for walking simulation. Online demo: https://rossning92.github.io/genetic-algorithm/
Language: TypeScript - Size: 2.8 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 142 - Forks: 24

Evolutionary-Intelligence/DistributedEvolutionaryComputation
A (still growing) paper list of Evolutionary Computation (EC) published in some (rather all) top-tier (and also EC-focused) journals and conferences. For EC-focused publications, only Parallel/Distributed EC are covered in the current version.
Size: 222 MB - Last synced at: 21 days ago - Pushed at: 22 days ago - Stars: 141 - Forks: 34

kiecodes/genetic-algorithms
This repository belongs to the youtube videos "What are Genetic Algorithms" (https://youtu.be/uQj5UNhCPuo) and "Genetic Algorithm from Scratch in Python" (https://youtu.be/nhT56blfRpE). If you haven't seen it, please consider watching part one of this series, to get a better understanding of this code.
Language: Python - Size: 12.7 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 140 - Forks: 105

MichaelJWelsh/bot-evolution
An interesting display of evolution through neural networks and a genetic algorithm
Language: Python - Size: 418 KB - Last synced at: 3 months ago - Pushed at: over 8 years ago - Stars: 140 - Forks: 19

wukan1986/expr_codegen
codegen from expression to others, such as polars, pandas
Language: Python - Size: 1.09 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 133 - Forks: 39

opencog/moses
MOSES Machine Learning: Meta-Optimizing Semantic Evolutionary Search. See also AS-MOSES https://github.com/opencog/asmoses but kept to guaranty backward compatibility.
Language: C++ - Size: 133 MB - Last synced at: 4 months ago - Pushed at: about 2 years ago - Stars: 131 - Forks: 86

JingweiToo/Wrapper-Feature-Selection-Toolbox
This toolbox offers more than 40 wrapper feature selection methods include PSO, GA, DE, ACO, GSA, and etc. They are simple and easy to implement.
Language: MATLAB - Size: 157 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 130 - Forks: 33

soypat/mu8
Genetic algorithm for unsupervised machine learning in Go.
Language: Go - Size: 83 KB - Last synced at: 6 months ago - Pushed at: over 2 years ago - Stars: 124 - Forks: 5

lagodiuk/genetic-algorithm
Generic implementation of genetic algorithm in Java.
Language: Java - Size: 442 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 121 - Forks: 83

PyOCL/OpenCLGA
A Python Library for Genetic Algorithm on OpenCL
Language: Python - Size: 17.4 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 117 - Forks: 32

lagodiuk/genetic-programming
Symbolic regression solver, based on genetic programming methodology.
Language: Java - Size: 2.83 MB - Last synced at: almost 2 years ago - Pushed at: over 10 years ago - Stars: 117 - Forks: 28

sausheong/ga
Simple genetic algorithms in Go
Language: Go - Size: 1.29 MB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 116 - Forks: 10

FrancoYudica/Shapeify
Recreate your images with simple shapes
Language: GDScript - Size: 103 MB - Last synced at: 4 months ago - Pushed at: 7 months ago - Stars: 115 - Forks: 8

vivek3141/super-mario-neat
This program evolves an AI using the NEAT algorithm to play Super Mario Bros.
Language: Python - Size: 16.6 MB - Last synced at: 5 months ago - Pushed at: about 3 years ago - Stars: 106 - Forks: 20

kennycason/genetic_draw
Genetic Algorithms for drawing images
Language: Kotlin - Size: 28.6 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 103 - Forks: 15

AliAmini93/Metaheuristic-Optimization
Projects with Genetic Algorithm (GA), Ant Colony Optimization (ACO), and Particle Swarm Optimization (PSO)
Size: 4.88 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 102 - Forks: 1

iver56/cross-adaptive-audio 📦
Evolving Artificial Neural Networks for Cross-Adaptive Audio Effects
Language: Python - Size: 80.3 MB - Last synced at: 25 days ago - Pushed at: about 3 years ago - Stars: 101 - Forks: 7
