All Projects → GA → Similar Projects or Alternatives

190 Open source projects that are alternatives of or similar to GA

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).
Stars: ✭ 39 (-48.68%)
Mutual labels:  genetic-algorithm, optimisation
genetic-algorithm-matlab
A very simple Genetic Algorithm implementation for matlab, easy to use, easy to modify runs fast.
Stars: ✭ 18 (-76.32%)
Mutual labels:  genetic-algorithm, optimisation
naturalselection
A general-purpose pythonic genetic algorithm.
Stars: ✭ 17 (-77.63%)
Mutual labels:  genetic-algorithm
bayesopt-tutorial-r
Tutorial on Bayesian optimization in R
Stars: ✭ 15 (-80.26%)
Mutual labels:  optimisation
triangula
Generate high-quality triangulated and polygonal art from images.
Stars: ✭ 3,775 (+4867.11%)
Mutual labels:  genetic-algorithm
PHP
PHP Related Projects: Like simple PHP Genetic algorithm, LDAP login , Websockets and more
Stars: ✭ 22 (-71.05%)
Mutual labels:  genetic-algorithm
Ascension
A metaheuristic optimization framework
Stars: ✭ 24 (-68.42%)
Mutual labels:  genetic-algorithm
DENOPTIM
DENOPTIM is a software package for de novo design and virtual screening of functional molecules of any kind.
Stars: ✭ 23 (-69.74%)
Mutual labels:  genetic-algorithm
BoxPacking
R package for solving three-dimensional bin packing problem
Stars: ✭ 56 (-26.32%)
Mutual labels:  genetic-algorithm
UnityGeneticAlgorithmMaze
Modern reimplementation in Unity of Bob's Map from AI Techniques for Game Programming
Stars: ✭ 37 (-51.32%)
Mutual labels:  genetic-algorithm
Neatron
Yet another NEAT implementation
Stars: ✭ 14 (-81.58%)
Mutual labels:  genetic-algorithm
snake-neural-network
An experiment with neural network and genetic algorithms
Stars: ✭ 68 (-10.53%)
Mutual labels:  genetic-algorithm
geneticalgorithm2
Supported highly optimized and flexible genetic algorithm package for python
Stars: ✭ 36 (-52.63%)
Mutual labels:  genetic-algorithm
ant sugar
Genetic Algorithms, Mutation, Crossover, Mating, Particle Animation, Gaming, Learning, P5JS, Fun Project
Stars: ✭ 33 (-56.58%)
Mutual labels:  genetic-algorithm
Smart-Algorithm
智能算法-遗传算法、蚁群算法、粒子群算法实现。实现版本Java,Python,MatLab多版本实现
Stars: ✭ 277 (+264.47%)
Mutual labels:  genetic-algorithm
NeuroEvolution-Flappy-Bird
A comparison between humans, neuroevolution and multilayer perceptrons playing Flapy Bird implemented in Python
Stars: ✭ 17 (-77.63%)
Mutual labels:  genetic-algorithm
binlex
A Binary Genetic Traits Lexer Framework
Stars: ✭ 303 (+298.68%)
Mutual labels:  genetic-algorithm
multi objective optimization matlab
MATLAB Tool for Multi-Objective Optimization
Stars: ✭ 23 (-69.74%)
Mutual labels:  genetic-algorithm
genetic deep learning
No description or website provided.
Stars: ✭ 13 (-82.89%)
Mutual labels:  genetic-algorithm
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.
Stars: ✭ 142 (+86.84%)
Mutual labels:  genetic-algorithm
jGeneticNeuralNet
A Java library that trains neural networks with a genetic algorithm.
Stars: ✭ 16 (-78.95%)
Mutual labels:  genetic-algorithm
ga-openai-gym
Usage of genetic algorithms to train a neural network in multiple OpenAI gym environments.
Stars: ✭ 24 (-68.42%)
Mutual labels:  genetic-algorithm
Genetic-Algorithm-for-Job-Shop-Scheduling-and-NSGA-II
Learning how to implement GA and NSGA-II for job shop scheduling problem in python
Stars: ✭ 178 (+134.21%)
Mutual labels:  genetic-algorithm
reactive-trader
In the coming weeks this plans to become a Gekko plugin that reacts to market changes, finding and running only the most profitable strategies.
Stars: ✭ 91 (+19.74%)
Mutual labels:  genetic-algorithm
bin-packing-core
基于人工智能(遗传算法 + 贪心 max-rect 算法) 的矩形拼接算法
Stars: ✭ 26 (-65.79%)
Mutual labels:  genetic-algorithm
Genetic-Algorithm-on-K-Means-Clustering
Implementing Genetic Algorithm on K-Means and compare with K-Means++
Stars: ✭ 37 (-51.32%)
Mutual labels:  genetic-algorithm
ASD-ML-API
This project has 3 goals: To find out the best machine learning pipeline for predicting ASD cases using genetic algorithms, via the TPOT library. (Classification Problem) Compare the accuracy of the accuracy of the determined pipeline, with a standard Naive-Bayes classifier. Saving the classifier as an external file, and use this file in a Flask…
Stars: ✭ 14 (-81.58%)
Mutual labels:  genetic-algorithm
GARI
GARI (Genetic Algorithm for Reproducing Images) reproduces a single image using Genetic Algorithm (GA) by evolving pixel values.
Stars: ✭ 41 (-46.05%)
Mutual labels:  genetic-algorithm
tsp-genetic-python
A genetic algorithm to solve the Travelling Salesman Problem, implemented in Python. Made by Jack Frigaard, modified by Mauricio Aizaga
Stars: ✭ 73 (-3.95%)
Mutual labels:  genetic-algorithm
Computational-Intelligence-Tutorials
This is the repository of codes written in class.
Stars: ✭ 36 (-52.63%)
Mutual labels:  genetic-algorithm
GeneticAlgorithmUniversityClassScheduler
A class scheduler using adaptive-elitist genetic algorithm.
Stars: ✭ 98 (+28.95%)
Mutual labels:  genetic-algorithm
biteopt
Derivative-Free Optimization Method for Global Optimization (C++)
Stars: ✭ 91 (+19.74%)
Mutual labels:  genetic-algorithm
neuroevolution-robots
Neuroevolution demo through TensorFlow.js, Neataptic, and Box2D
Stars: ✭ 31 (-59.21%)
Mutual labels:  genetic-algorithm
OptimisationAlgorithms
Searching global optima with firefly algorithm and solving traveling salesmen problem with genetic algorithm
Stars: ✭ 20 (-73.68%)
Mutual labels:  genetic-algorithm
profiling
Non-discriminatory profiling of Ruby code leveraging the ruby-prof gem
Stars: ✭ 12 (-84.21%)
Mutual labels:  optimisation
NeuralGenetic
Building and training artificial neural networks (regression or classification) using the genetic algorithm.
Stars: ✭ 187 (+146.05%)
Mutual labels:  genetic-algorithm
freqgen
🎯 Generate DNA sequences with specified amino acid, codon, and k-mer frequencies
Stars: ✭ 16 (-78.95%)
Mutual labels:  genetic-algorithm
engineering design by artificial intelligence
Combining artificial intelligence and engineering design
Stars: ✭ 29 (-61.84%)
Mutual labels:  genetic-algorithm
trsh
Project about minimizing costs in garbage collection in Montevideo, Uruguay, using Evolutionary Algorithms
Stars: ✭ 17 (-77.63%)
Mutual labels:  genetic-algorithm
sopt
sopt:A simple python optimization library
Stars: ✭ 42 (-44.74%)
Mutual labels:  genetic-algorithm
carAI-Demo
使用浅层神经网络和遗传算法训练一个可以自动驾驶小车的Demo
Stars: ✭ 64 (-15.79%)
Mutual labels:  genetic-algorithm
opt4j
Modular Java framework for meta-heuristic optimization
Stars: ✭ 25 (-67.11%)
Mutual labels:  genetic-algorithm
modest-py
FMI-compliant Model Estimation in Python
Stars: ✭ 40 (-47.37%)
Mutual labels:  genetic-algorithm
EvOLuTIoN
A simple simulation in Unity, which uses genetic algorithm to optimize forces applied to cubes
Stars: ✭ 44 (-42.11%)
Mutual labels:  genetic-algorithm
arja
Multi-Objective GP for Automated Repair of Java
Stars: ✭ 31 (-59.21%)
Mutual labels:  genetic-algorithm
darkgreybox
DarkGreyBox: An open-source data-driven python building thermal model inspired by Genetic Algorithms and Machine Learning
Stars: ✭ 25 (-67.11%)
Mutual labels:  genetic-algorithm
geneal
A genetic algorithm implementation in python
Stars: ✭ 47 (-38.16%)
Mutual labels:  genetic-algorithm
neuro-evolution
A project on improving Neural Networks performance by using Genetic Algorithms.
Stars: ✭ 25 (-67.11%)
Mutual labels:  genetic-algorithm
ev chargingcoordination2017
Optimal Scheduling of Electric Vehicle Charging in Distribution Networks
Stars: ✭ 51 (-32.89%)
Mutual labels:  optimisation
snakeneuralnetworkjs
Neuroevolution of Neural Network for snakes in the Browser
Stars: ✭ 13 (-82.89%)
Mutual labels:  genetic-algorithm
cplex-example
Solving a TSP with the CPLEX C++ API.
Stars: ✭ 40 (-47.37%)
Mutual labels:  optimisation
Super-Meta-MarIO
Mario AI Ensemble
Stars: ✭ 15 (-80.26%)
Mutual labels:  genetic-algorithm
wargames
two soldiers shooting at each other, controlled by a neural network with a genetic algorithm.
Stars: ✭ 22 (-71.05%)
Mutual labels:  genetic-algorithm
Smart-Rockets
This project is a fun little demo of a genetic algorithm. A population of rockets attempt to find their way to a a target.
Stars: ✭ 15 (-80.26%)
Mutual labels:  genetic-algorithm
DeepHyperNEAT
A public python implementation of the DeepHyperNEAT system for evolving neural networks. Developed by Felix Sosa and Kenneth Stanley. See paper here: https://eplex.cs.ucf.edu/papers/sosa_ugrad_report18.pdf
Stars: ✭ 42 (-44.74%)
Mutual labels:  genetic-algorithm
Drowsy
💤🖌️ AI making tiny Bitsy video games. Features an experimental generative structure inspired by GANs and Genetic Algorithms
Stars: ✭ 19 (-75%)
Mutual labels:  genetic-algorithm
VRPTW-ga
Vehicle Routing Problem with Time Windows - Genetic Algorithm solution with Python
Stars: ✭ 40 (-47.37%)
Mutual labels:  genetic-algorithm
Windows11-Optimization
Community repository, to improve security and performance of Windows 10 and windows 11 with tweaks, commands, scripts, registry keys, configuration, tutorials and more
Stars: ✭ 17 (-77.63%)
Mutual labels:  optimisation
Flappy-Bird-Genetic-Algorithms
Use genetic algorithms to train flappy bird
Stars: ✭ 83 (+9.21%)
Mutual labels:  genetic-algorithm
Stock-Market-Prediction-using-Neural-Networks-and-Genetic-Algorithm
Matlab Module for Stock Market Prediction using Simple NN
Stars: ✭ 59 (-22.37%)
Mutual labels:  genetic-algorithm
1-60 of 190 similar projects