Giter Site home page Giter Site logo

top-genetic-algorithm's Introduction

Top Genetic Algorithm Github repositories

Based on Top Deep Learning

Here is a list of the top-500 Genetic Algorithm Github repositories sorted by the number of stars. The query that has been used for the GitHub search API is "Genetic Algorithm".

Date: 06/01/2020

Note: This listing will be updated regularly.

Id Name Description Language Stars Forks
1 Machine-Learning-Flappy-Bird Machine Learning for Flappy Bird using Neural Network and Genetic Algorithm JavaScript 1462 353
2 SnakeAI Train a Neural Network to play Snake using a Genetic Algorithm Processing 1424 376
3 HTML5_Genetic_Cars A genetic algorithm car evolver in HTML5 canvas. JavaScript 997 255
4 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. ASP 985 282
5 AI-Programmer Using artificial intelligence and genetic algorithms to automatically write programs. Tutorial: http://www.primaryobjects.com/cms/article149 C# 918 254
6 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) 遗传、粒子群、模拟退火、蚁群算法等 Python 775 214
7 AIToolbox A toolbox of AI modules written in Swift: Graphs/Trees, Support Vector Machines, Neural Networks, PCA, K-Means, Genetic Algorithms Swift 737 79
8 AForge.NET AForge.NET Framework is a C# framework designed for developers and researchers in the fields of Computer Vision and Artificial Intelligence - image processing, neural networks, genetic algorithms, machine learning, robotics, etc. C# 713 348
9 GeneticSharp GeneticSharp is a fast, extensible, multi-platform and multithreading C# Genetic Algorithm library that simplifies the development of applications using Genetic Algorithms (GAs). C# 707 224
10 SnakeFusion Using the genetic algorithm and neural networks I trained up 5 snakes who will then fuse to become the ultimate snake, this is how I did it Processing 696 207
11 invaderz Space invaders, but the invaders evolve with genetic algorithm JavaScript 678 39
12 eaopt 🍀 Evolutionary optimization library for Go (genetic algorithm, partical swarm optimization, differential evolution) Go 677 72
13 GeneticAlgorithmsWithPython source code from the book Genetic Algorithms with Python by Clinton Sheppard Python 669 315
14 gaft A Genetic Algorithm Framework in Python (This repo is for learning purpose, NOT production) Python 600 188
15 jenetics Jenetics - Genetic Algorithm, Genetic Programming, Evolutionary Algorithm, and Multi-objective Optimization Java 554 110
16 neural-network-genetic-algorithm Evolving a neural network with a genetic algorithm. Python 529 203
17 genetic-js Advanced genetic and evolutionary algorithm library written in Javascript JavaScript 496 104
18 siga Population based metaheuristic for password cracking. Siga(Simple genetic algorithm) C++ 407 21
19 gaps A Genetic Algorithm-Based Solver for Jigsaw Puzzles 🌀 Python 406 71
20 awesome-ai-in-finance 🔬 A collection for those AI (RL / DL / SL / Evoluation / Genetic Algorithm) used in financial market. otherwise, we add Technology Analysis / Alpha Research / Arbitrage and other useful strategies tools & docs in quantitative finance market. None 352 87
21 Car-Simulator Autonomous car simulator (based on JavaScript & WebGL) implemented by fuzzy control system, genetic algorithm and particle swarm optimization. JavaScript 319 54
22 gekkoga Genetic Algorithm for solving optimization of trading strategies using Gekko JavaScript 284 96
23 japonicus Genetic Algorithm for Gekko Trading Bot. Python 265 93
24 pymoo NSGA2, NSGA3, R-NSGA3, MOEAD, Genetic Algorithms (GA), Differential Evolution (DE), CMA-ES Python 260 60
25 Platypus A Free and Open Source Python Library for Multiobjective Optimization Python 242 95
26 shoal autonomous agents + genetic algorithms JavaScript 240 38
27 ML-games Machine learning games. Use combination of genetic algorithms and neural networks to control the behaviour of in-game objects. JavaScript 238 25
28 Test-stock-prediction-algorithms Use deep learning, genetic programming and other methods to predict stock and market movements Jupyter Notebook 228 97
29 genetics A python library for genetic algorithms Python 227 61
30 GeneticAlgorithm-TSP Applying Genetic Algorithm to Travelling Salesman Problem JavaScript 217 76
31 py-ga-VRPTW A Python Implementation of a Genetic Algorithm-based Solution to Vehicle Routing Problem with Time Windows Python 193 86
32 GeneticAlgorithmPython Genetic Algorithm Implementation in Python using NumPy Python 191 122
33 GAHelloWorld A simple example of a Genetic Algorithm that generates "Hello world!" Java 190 88
34 GeneticAlgorithm 遗传算法的JS实现 JavaScript 185 65
35 go-galib Genetic Algorithms library written in Go / golang Go 179 40
36 Evolving-Snakes Snakes from the classical game are controlled by neural networks and evolve using a genetic algorithm. C++ 176 10
37 genetic Implementation of genetic algorithms for nodejs JavaScript 173 45
38 polygen genetic algorithm for approximating an image with polygons (Golang) Go 172 9
39 Genetic-CNN CNN architecture exploration using Genetic Algorithm Python 160 81
40 forex.analytics Node.js native library performing technical analysis over an OHLC dataset with use of genetic algorithm C 154 65
41 GeneticAlgorithms.jl A lightweight framework for writing genetic algorithms in Julia Julia 153 28
42 Smart-Dots-Genetic-Algorithm-Tutorial Here is the code for my genetic algorithm tutorial Processing 150 66
43 GALGO-2.0 Genetic Algorithm in C++ with template metaprogramming and abstraction for constrained optimization C++ 139 38
44 Mendel Mendel - Swift miliframework for implementing evolutionary/genetic algorithms Swift 139 6
45 DeepEvolve Rapid hyperparameter discovery for neural nets using genetic algorithms Python 138 47
46 AI_plays_snake AI trained using Genetic Algorithm and Deep Learning to play the game of snake Python 135 42
47 Genetic-Algorithms Showcasing the concept of Genetic Algorithms with the example of the Travelling Salesman Problem (in CoffeeScript) JavaScript 134 18
48 exelixi Exelixi is a distributed framework based on Apache Mesos, mostly implemented in Python using gevent for high-performance concurrency. It is intended to run cluster computing jobs (partitioned batch jobs, which include some messaging) in pure Python. By default, it runs genetic algorithms at scale. Python 131 21
49 bot-evolution An interesting display of evolution through neural networks and a genetic algorithm Python 129 17
50 lexiconjure Twitter bot generating invented words and definitions using RNN + genetic algorithm Python 129 10
51 foox Creates species counterpoint using genetic algorithms (in Python). Python 121 28
52 darwinning A Ruby gem for genetic algorithms. Ruby 115 23
53 googlemaps-tsp-ga Solving the Traveling Salesman Problem using Google Maps and Genetic Algorithms HTML 111 68
54 NSGA-II This is a python implementation of NSGA-II algorithm. NSGA is a popular non-domination based genetic algorithm for multi-objective optimization. It is a very effective algorithm but has been generally criticized for its computational complexity, lack of elitism and for choosing the optimal parameter value for sharing parameter σshare. A modified version, NSGA II was developed, which has a better sorting algorithm , incorporates elitism and no sharing parameter needs to be chosen a priori. Python 111 78
55 genetic-algorithm Generic implementation of genetic algorithm in Java. Java 109 48
56 evolving-simple-organisms Evolving simple organisms using a genetic algorithm and deep learning from scratch with python Python 109 39
57 Neural-network-snake Java program that uses a genetic algorithm to train snakes: https://www.youtube.com/watch?v=BBLJFYr7zB8 Java 107 30
58 OpenCLGA A Python Library for Genetic Algorithm on OpenCL Python 102 29
59 pngwolf pngwolf uses a genetic algorithm to find PNG scanline filter combinations that compress well C++ 100 13
60 FeatureSelectionGA Feature Selection using Genetic Algorithm (DEAP Framework) Python 95 61
61 pyeq2 A large collection of equations for Python 2 curve fitting and surface fitting that can output source code in several computing languages, and run a genetic algorithm for initial parameter estimation. Comes with cluster, parallel, IPython, GUI, NodeJS, and web-based graphical examples. Includes orthogonal distance and relative error regressions. None 92 21
62 fantasy-basketball Scraping statistics, predicting NBA player performance with neural networks and boosting algorithms, and optimising lineups for Draft Kings with genetic algorithm. Capstone Project for Machine Learning Engineer Nanodegree by Udacity. Jupyter Notebook 91 24
63 genetic-algorithm 遗传算法 - Matlab Matlab 88 53
64 goga Golang Genetic Algorithm Go 88 9
65 conference_darwin A library for building conference schedules using a genetic algorithm. Dart 87 14
66 rusty-genes Genetic algorithm implementations in Rust with animated visualizations Rust 87 4
67 Genetic-Algorithm-Montage genetic algorithm for self-referential image approximation. Java 84 6
68 genetic-algorithm Genetic algorithm tutorial for Python Jupyter Notebook 82 111
69 Evolutionary.jl Evolutionary & genetic algorithms for Julia Julia 81 27
70 RubikSwift Rubik's cube API in Swift + a genetic solver algorithm Swift 79 5
71 NeuralGenetic Optimizing artificial neural network parameters using the genetic algorithm for the classification of the Fruits360 dataset. The implementation is from scratch using NumPy. Python 76 51
72 Neural-Network A demonstration of Neural Networks and Genetic Algorithms using C++. C++ 76 28
73 genetic-algorithms-in-java-basics Source code for 'Genetic Algorithms in Java Basics' by Lee Jacobson and Burak Kanber Java 75 66
74 Flappy-Bird-Genetic-Algorithms Use genetic algorithms to train flappy bird Python 75 28
75 tensorflow-neat implementation of neat like genetic algorithm for finding network topologies in tensorflow Python 71 20
76 Time-table-scheduler Time Table generation using Genetic Algorithms ( Java-Struts2) Java 70 64
77 ga Simple genetic algorithms in Go Go 70 6
78 GeneticAlgorithmsRepo Genetic algorithm packages for optimization in Python. Python 69 12
79 tweegeemee Twitter Genetic Algorithm Imagery Clojure 69 11
80 oxigen Fast, parallel, extensible and adaptable genetic algorithms library written in Rust Rust 68 9
81 pyeasyga A simple and easy-to-use implementation of a Genetic Algorithm library in Python Python 67 29
82 algorithmic-trading Algorithmic Trading program, that uses Genetic Programming and Genetic Algorithms to predict stock prices. Python 66 31
83 genetic_draw Genetic Algorithms for drawing images Kotlin 66 11
84 Gajure A framework for implementing genetic algorithms in Clojure. Clojure 63 8
85 GeneticAlgorithmForFeatureSelection Search the best feature subset for you classification mode Python 62 19
86 openGA A free C++ Genetic Algorithm library C++ 62 22
87 geneticalgorithm A fully generalized implementation of the Genetic Algorithm usable on any json based Phenotype JavaScript 61 11
88 rust-genetic-algorithm A genetic algorithm for bechmark problems, written to learn Rust. Rust 61 3
89 mgo Purely functional genetic algorithms for multi-objective optimisation Scala 61 3
90 gga4r General genetic algorithms for Ruby Ruby 59 14
91 RsGenetic Genetic Algorithm library in Rust Rust 58 13
92 Genetic-Algorithm-RNN Using Genetic Algorithms to optimize Recurrent Neural Network's Configuration Jupyter Notebook 57 45
93 geneticgo Simple Genetic Algorithm Library in Go Go 57 3
94 IntelligentOptimizationAlgorithms This repository displays the demos of some Intelligent Optimization Algorithms, including SA (Simulated Annealing), GA (Genetic algorithm), PSO (Particle Swarm Optimizer) and so on. And some other algorithms will be appended in the future. Matlab 57 25
95 snake-neural-network An experiment with neural network and genetic algorithms JavaScript 56 15
96 genetic_algorithm_challenge Data files, code, and results for Genetic Algorithm Challenge by @Sirajology on Youtube Jupyter Notebook 54 21
97 gargor A general pourpose auto-tuning tool w/ Genetic Algorithm Ruby 54 4
98 AI-Plays-FlappyBird Using genetic algorithm and neural networks to teach AI to play flappy bird. JavaScript 53 17
99 GA A C++ Library of Genetic Algorithm Components C++ 52 36
100 emoji-art-generator Use a genetic algorithm to evolve an image by putting emojies on a canvas Python 52 4
101 libacovea ACOVEA (Analysis of Compiler Options via Evolutionary Algorithm) implements a genetic algorithm to find the "best" options for compiling programs with the GNU Compiler Collection (GCC) C and C++ compilers. C++ 52 7
102 GA An R package for optimization using genetic algorithms R 51 19
103 VehicleRoutingProblem Solved using AI techniques: Savings, Sweep, Genetic Algorithm, Google OR Tools Python 51 25
104 genex Genetic Algorithms in Elixir! Elixir 51 2
105 blomster A Genetic Algorithm of Flowers Processing 51 2
106 Genetic-Algorithm-for-Job-Shop-Scheduling-and-NSGA-II Learning how to implement GA and NSGA-II for job shop scheduling problem in python HTML 50 41
107 coral-growth A new coral growth model evolved with genetic algorithm. JavaScript 49 4
108 AlgorithmImplementations Implementation of Elementary Algorithms (infix-prefix-postfix-evaluation-to-longest-common-increasing-sub-sequence-activity-selection-balance-kd-binary-heap-binomial-tree-breath-depth-first-search-max-flow-shortest-path-topological-sort-calculus-derivative-integration-forward-interpolation-simpson-rule-intersecting-area-non-linear-equation-jacobis-gauss-seidal-bisection-false-position-newton-raphson-fixed-point-secant-cigarette-smokers-genetic-huffman-a-a*-star-binary-knuth-morris-pratt-kmp-quick-thread-priority-based-premitive-shortest-job-non-primitive-arithmetic-expression-data-structures-list-node-implementation-one-two-way-linked-stack-string-graph-numerical-methods-equation-solving-solve-process-problem-search-sort-prime-ugly-friend-perfect-fibonacci-factorial-factor-number) C++ 48 29
109 texgenpack Compress, decompress and convert texure files using a genetic algorithm. Supports KTX, DDS, ETC2, BC6/BC7 etc. C 48 15
110 mgl-gpr MGL-GPR is a library of evolutionary algorithms such as Genetic Programming (evolving typed expressions from a set of operators and constants) and Differential Evolution. Common Lisp 48 13
111 GeneticAlgorithm 通过遗传算法求解物流配送路径问题 Python 47 23
112 minos Deep learning, architecture and hyper parameters search with genetic algorithms Python 47 10
113 GENDIS Contains an implementation (sklearn API) of the algorithm proposed in "GENDIS: GEnetic DIscovery of Shapelets" and code to reproduce all experiments. Jupyter Notebook 47 10
114 Genetic-Algo-Tech-Talk Demo code for a talk on how to code genetic algorithms, solving and visualizing the Traveling Salesperson Problem as an example JavaScript 46 25
115 deepneuroevolution Evolving deep neural network agents using Genetic Algorithms Jupyter Notebook 46 22
116 tsp-genetic-python A genetic algorithm to solve the Travelling Salesman Problem, implemented in Python. Made by Jack Frigaard, modified by Mauricio Aizaga Python 44 32
117 GeneticAlgorithmUniversityClassScheduler A class scheduler using adaptive-elitist genetic algorithm. Python 42 25
118 terastructure TeraStructure is a new algorithm to fit Bayesian models of genetic variation in human populations on tera-sample-sized data sets (10^12 observed genotypes, i.e., 1M individuals at 1M SNPs). This package provides a scalable, multi-threaded C++ implementation that can be run on a single computer. C++ 42 11
119 GeneticAlgorithms Automatic Chrome Dino Game JavaScript 41 28
120 Genetic-Framework Pure Python Evolutionary Algorithms Framework Python 40 13
121 GeneticAlgorithm 这是用C++写的遗传算法,参考《智能算法 30案例分析 第2版》一书,包含TSP、LQR控制器、结合量子算法、多目标优化、粒子群等,由于原作为matlab程序,综合自己思路通过C++写出来,算是练习和开个大坑 C++ 39 14
122 genetic-algorithm-js Genetic algorithm library written in JavaScript JavaScript 39 2
123 petya_recovery Application for cracking Red Petya key based on genetic algorithms. C++ 38 17
124 UE4NN Genetic algorithms neural network based on UE4's blueprints None 38 8
125 spark-of-life Example of running a Genetic Algorithm (Travelling Salesman) on Apache Spark Java 38 16
126 genevo Execute genetic algorithm (GA) simulations in a customizable and extensible way. Rust 38 6
127 Stock-Market-Prediction-using-Neural-Networks-and-Genetic-Algorithm Matlab Module for Stock Market Prediction using Simple NN Matlab 37 17
128 Gimuby Genetic algorithms and island model for Ruby Ruby 37 4
129 gentun Hyperparameter tuning for machine learning models using a distributed genetic algorithm Python 36 13
130 SparkDeepMlpGADow30 A Deep Neural-Network based (Deep MLP) Stock Trading System based on Evolutionary (Genetic Algorithm) Optimized Technical Analysis Parameters (using Apache Spark MLlib) Java 36 22
131 mergelife Evolve complex cellular automata with a genetic algorithm. Java 35 2
132 moo Genetic algorithm library for Haskell. Binary and continuous (real-coded) GAs. Binary GAs: binary and Gray encoding; point mutation; one-point, two-point, and uniform crossover. Continuous GAs: Gaussian mutation; BLX-α, UNDX, and SBX crossover. Selection operators: roulette, tournament, and stochastic universal sampling (SUS); with optional niching, ranking, and scaling. Replacement strategies: generational with elitism and steady state. Constrained optimization: random constrained initialization, death penalty, constrained selection without a penalty function. Multi-objective optimization: NSGA-II and constrained NSGA-II. Haskell 35 9
133 Genetic-Algorithms-Toolbox Genetic Algorithms in Matlab. Matlab 34 30
134 GA-Toolbox Genetic Algorithms Toolbox Matlab 34 18
135 learn-to-walk-with-genetic-algs Learning to walk with genetic algorithms by optimizing a truncated Fourier series, applied to a realistic bio-mechanical model of the human body. Python 34 18
136 LPPL This is a genetic algorithm implemented in python to solve the LPPL equation looking for market bubbles Python 34 24
137 Hello-genetic-algorithm Hello World in a genetic algorithm Python 33 13
138 Genetic-Algorithm-PID-Controller-Tuner An abstract implementation of a discrete PID Controller, tuned using a Genetic Algorithm Python 33 17
139 Genetic-Algorithm-PathFinder https://www.youtube.com/watch?v=2Q9bF8Ofyho Processing 33 12
140 ant_sugar Genetic Algorithms, Mutation, Crossover, Mating, Particle Animation, Gaming, Learning, P5JS, Fun Project JavaScript 33 0
141 radiate Radiate is a parallel genetic programming engine capable of evolving solutions to many problems as well as training learning algorithms. Rust 33 1
142 SimpleGA Simple Genetic Algorithm base framework, supporting population, evaluation, mutators, crossover JavaScript 32 8
143 EvOLuTIoN Evolutionary pathfinding in Unity using genetic algorithm C# 32 4
144 DoodleJumpAI A Neural Network that learns to play Doodle Jump trained using a Genetic Algorithm Processing 32 11
145 ga-for-cvrp Capacitated Vehicle Routing Problem Python 31 15
146 Evolutionary-Neural-Networks-on-unity-for-bots Neural networks + Genetic algorithm on unity C# 31 12
147 levis A toolkit for genetic algorithms in Python. Python 30 10
148 genetic_algorithm_challenge Genetic Algorithm Challenge by @Sirajology on Youtube Python 29 36
149 Job-Shop-Scheduling-Genetic-Algorithm Job Shop Scheduling Solver using Genetic Algorithyms C# 29 18
150 goga Go evolutionary algorithm is a computer library for developing evolutionary and genetic algorithms to solve optimisation problems with (or not) many constraints and many objectives. Also, a goal is to handle mixed-type representations (reals and integers). Go 29 5
151 GeneticAlgorithmFeatureSelection A simple example of how a genetic algorithm can be used to select the optimal subset of features to use for machine learning problems. Python 28 31
152 TSP-VRP-GENETICS-ALGORITHM Implementation of TSP and VRP algorithms using a Genetic Algorithm Python 28 11
153 Hybrid-Genetic-Algorithm Anti-Virus research on using Heuristics and GA's to evolve and detect new polymorphic virus signatures Java 28 5
154 graph-coloring Graph grounding for graph coloring algorithms such as Welsh Powell and Evolution algorithms like Harmony Search and Genetic TypeScript 28 1
155 Genetic-Algorithms A simple C# library for implementing Genetic Algorithms, some demonstration classes and an entire project based on Genetic Algorithms we developed for a university project. Feel free to fork and improve. We might reconsider our licensing model for further versions and switch to LGPL for our library base. C# 27 11
156 SuperImageEvolver Using genetic algorithms to vectorize images. C# 27 5
157 carwin A self-driving car implemented with neural networks and genetic algorithms (AI Course Project) JavaScript 27 11
158 pyeq3 A large collection of equations for Python 3 curve fitting and surface fitting that can output source code in several computing languages, and run a genetic algorithm for initial parameter estimation. Comes with cluster, parallel, IPython, GUI, NodeJS, and web-based graphical examples. Includes orthogonal distance and relative error regressions. None 27 4
159 GeneticAlgorithm None Java 26 22
160 GeneticAlgorithm Refactoring and improving a gist from Vijini Mallawaarachchi Java 26 11
161 ga_bp a back propagation neural network with genetic algorithm Python 26 8
162 GASP-python Genetic algorithm for structure and phase prediction interfaced to GULP, LAMMPS and VASP. Python 26 16
163 ga A simple Common Lisp genetic algorithm library, with some bitmap manipulation facilities Common Lisp 26 3
164 FlappyBird_NEAT_GeneticAlgorithm Implementation of a neural network with a genetic algorithm to solve Ms. PacMan. Python 25 11
165 GB-GA Graph-based genetic algorithm Python 25 12
166 Genetic-Algorithm-for-the-Traveling-Salesman-Problem A population based stochastic algorithm for solving the Traveling Salesman Problem. Java 25 14
167 genetics-experiments My experiments with genetic algorithms Python 25 4
168 GA-CNN In this project, I will demonstrate how to combine Genetic Algorithm with Convolutional Neural Network Python 25 5
169 TetrisAI A neural network that is trained with a genetic algorithm to predict the next best move in Tetris Processing 25 2
170 genetic-algorithm-feature-selection Script to select the best subset of variables based on genetic algorithm in R R 24 23
171 UnityGeneticAlgorithmMaze Modern reimplementation in Unity of Bob's Map from AI Techniques for Game Programming C# 24 9
172 MachineLearning C++ framework that implements machinelearning algorithms (clustering, dimension reducing, genetic algorithms) C++ 24 19
173 Random-Homepage 🍨 My home website based on Genetic Algorithms. JavaScript 24 5
174 Genetic_Algorithm_for_Scheduling Genetic Algorithm for Solving Software Project Scheduling Problems Matlab 23 4
175 GeneticsJS Evolutionary algorithms library for the web 🧬 TypeScript 23 3
176 PID-autotune A self-tuning PID demonstration software using genetic algorithm C++ 23 5
177 TetNet TetNet is an application that uses genetic algorithms to create an evolving Tetris AI. JavaScript 23 8
178 ai-n-queens Solving and GUI demonstration of traditional N-Queens Problem using Hill Climbing, Simulated Annealing, Local Beam Search, and Genetic Algorithm. Java 23 7
179 snpsea 📊 Identify cell types and pathways affected by genetic risk loci. C++ 23 4
180 Hands-On-Genetic-Algorithms-with-Python Hands-On Genetic Algorithms with Python, Published by Packt Python 22 17
181 tsp_genetic Solution to TSP (Travelling salesman problem) using Genetic Algorithms - Language: C++ C++ 22 18
182 Genetic-Algorithm-on-K-Means-Clustering Implementing Genetic Algorithm on K-Means and compare with K-Means++ Python 22 11
183 ResistanceGA Optimize resistance surfaces using Genetic Algorithms R 22 7
184 libeve Genetic algorithm library written in C C 22 5
185 pikaia Modern Fortran Edition of the Pikaia Genetic Algorithm Fortran 22 8
186 darwin A genetic algorithm library for Dart. Dart 22 4
187 KnapsackFX Solving Knapsack 0/1 problem with various Local Search algorithms like Hill Climbing, Genetic Algorithms, Simulated Annealing, Tabu Search Java 22 3
188 snaike Snake controlled by a neural network, trained by a genetic algorithm. Built with Typescript, Tensorflow, HTML5s canvas element and React. TypeScript 22 1
189 Flappy-Bird-Genetic-Algorithm- An implementation of genetic algorithm on the flappy bird game. Python 21 5
190 optimal A python metaheuristic optimization library. Currently supports Genetic Algorithms, Gravitational Search, Cross Entropy, and PBIL. Python 21 12
191 magique A tool that applies genetic algorithms to building Magic: The Gathering decks. C++ 21 6
192 Seating_Chart Optimizing a Wedding Reception Seating Chart Using a Genetic Algorithm R 21 3
193 citius-invaders An old-style HTML5 arcade game for teaching genetic algorithms to kids, made with PhaserJS JavaScript 21 7
194 neuro-evolution A project on improving Neural Networks performance by using Genetic Algorithms. Python 21 4
195 Revolver A framework for building fast genetic algorithms in Swift. Swift 22 2
196 EvolutionWar Genetic Algorithm involving AIs fighting each other to the death... or not? None 21 1
197 genetic Genetic Algorithms C++ 20 10
198 genetic A Python utility for solving problems with genetic algorithms Python 20 13
199 Training-Snake-Game-With-Genetic-Algorithm training snake game using neural network and genetic algorithm Python 20 14
200 Network-Optimisation Neural Network Hyper-parameter Tuning with Genetic Algorithms 🤖 🧬 Python 20 7
201 flapai FlapAI: Genetic algorithm playing Flappy Bird (Python) Python 20 4
202 Evolution-of-Deep-Neural-Network-Using-Genetic-ALgorithm-For-Self-Car-Driven A 3d Unity simulation for self car driven by Evolution Deep Neural Network Using Genetic Algorithm to train the neural network weights C# 20 10
203 genetics A Genetic Algorithm library in Haskell Haskell 20 2
204 VRPTW-ga Vehicle Routing Problem with Time Windows - Genetic Algorithm solution with Python Python 20 13
205 MakeClassSchedule Make university class schedule by Parallel Genetic Algorithm in C# WinForm HTML 20 8
206 genomego Multi-threaded Genetic Algorithms library for Go. Go 20 2
207 geneSynth Algorithmic Composition with Genetic Algorithms in Max-MSP Java 20 3
208 nsga2 Refactored NSGA2, Non-dominated sorting genetic algorithm, implementation in C based on the code written by Dr. Kalyanmoy Deb. C 20 10
209 wargames two soldiers shooting at each other, controlled by a neural network with a genetic algorithm. Python 19 1
210 Genetic-Algorithms Simple Genetic Algorithms written by Python Python 19 23
211 gpdotnetv4 C# implementation of the various algorithms based on Genetic Algorithm, Genetic Programming and Artificial Neural Networks. C# 19 10
212 simple-ga Sample code for an incredibly simple genetic algorithm. Python 19 23
213 GARI GARI (Genetic Algorithm for Reproducing Images) reproduces a single image using Genetic Algorithm (GA) by evolving pixel values. Python 19 14
214 -JAVA-Course-Scheduling-System-Based-on-Genetic-Algorithm 遗传算法排课 Java 19 10
215 Evolving-Creatures-Using-Neural-Networks-And-Genetic-Algorithms Evolving Creatures Using Neural Networks And Genetic Algorithms C# 19 7
216 GA-for-mTSP Genetic Algorithm to solve Multiple Traveling Salesman Problem Python 19 8
217 ga_circlepuzzle use genetic algorithm to fit image with circle Python 19 6
218 hypergraph Genetic algorithms and hyper-parameters optimization Python 19 3
219 rain Ruby Artificial Intelligence Network - A cool acronym and my experiments in neural networks, genetic algorithms, and AI (in ruby) Ruby 19 3
220 DAPathfinder This is an example project for the blog at http://agostini.tech that demonstrates the use of genetic algorithms for solving the traveling salesman problem. Swift 19 4
221 genetic-algorithm 0-1 Knapsack Approximation with Genetic Algorithms Python 18 9
222 FeatureReductionGenetic Feature reduction using genetic algorithm Python 18 11
223 TSP-GA A Genetic Algorithm in Python for the Travelling Salesman Problem Python 18 19
224 TimePiece a genetic algorithm for creating word clocks Java 18 7
225 genetic-algorithm-example Example of a simple GA using Clojure Clojure 18 3
226 darwin Flexible genetic algorithms in Clojure Clojure 18 4
227 GA Haskell module for working with genetic algorithms Haskell 18 4
228 SnakeGame A classic game of snake that is controlled by a neural network and trained using a genetic algorithm Java 18 5
229 exprolution Evolving expressions using genetic algorithms Rust 18 0
230 ComputationalPhysics A survey of computational physics problems in Python. Includes quantum mechanics, electrostatics, ODEs, PDEs, Monte Carlo, Fourier analysis, molecular modeling, cluster growth, genetic algorithm, dynamical systems and other fun stuff. Python 18 5
231 geneticAlgorithm tuto and experiment with genetic algorithms. Python 17 6
232 GAKeras Genetic algorithm to optimize Keras Sequential model Python 17 6
233 SketchingAI Sketching AI, based on a convolutional neural network and genetic algorithm Python 17 11
234 SBBFramework Python implementation of the SBB genetic programming algorithm for reinforcement learning and classification tasks. Python 17 8
235 MAP-Elites Python implementation of the genetic algorithm MAP-Elites with applications in constrained optimization Jupyter Notebook 18 7
236 evosynth Interactive genetic algorithm sound synthesiser written in Javascript/ web audio API JavaScript 17 3
237 Genetic-Images a Processing sketch that generates images from translucent polygons using a genetic algorithm Processing 17 0
238 GenAlgo.js Genetic and evolutionary algorithms in Javascript. JavaScript 17 1
239 ensemble-time-series Ensemble Machine Learning for Time Series: Ensemble of Deep Recurrent Neural Networks and Random forest using a Stacking (averaging) layer and trained using Genetic Algorithms Python 17 6
240 GeneticFS GeneticFS is a library for feature selection in Machine Learning using a Genetic Algorithm as an optimisation method. Python 16 8
241 HuaWei-CodeCraft2017 C++, Network Flow, Genetic Algorithm, SA C++ 16 10
242 0-1-Knapsack-Problem-with-Genetic-Algorithms A simple solution in Python for the 0-1 Knapsack Problem using Genetic Algorithms Python 16 14
243 evolvejs Small Genetic Algorithm Library for Javascript JavaScript 16 9
244 Brainwave A JavaScript neural network learning using genetic algorithms JavaScript 16 7
245 TSP Traveling Salesman Problem Using Parallel Genetic Algorithms C# 16 3
246 timetable-generator Timetable generator for university schedule implemented in python using genetic algorithms. Python 16 11
247 groningen A generational genetic algorithm approach to Java Virtual Machine settings optimization for a variety of servers. Java 16 3
248 naturalselection A general-purpose pythonic genetic algorithm. Python 16 1
249 pyointillism Uses a genetic algorithm to produce dot art that gets better over time Python 16 2
250 cfmagic A genetic algorithm based clang-format configuration file generator Go 16 0
251 genetic Genetic algorithm used in feature selection Python 15 9
252 Genetic-Algorithm 基本遗传算法MATLAB程序

top-genetic-algorithm's People

Watchers

James Cloos avatar

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.