Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

Projects in Awesome Lists tagged with genetic-algorithm

A curated list of projects in awesome lists tagged with genetic-algorithm .

https://github.com/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.

data-mining data-science deep-learning deep-reinforcement-learning genetic-algorithm machine-learning machine-learning-from-scratch

Last synced: 29 Sep 2024

https://github.com/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.

data-mining data-science deep-learning deep-reinforcement-learning genetic-algorithm machine-learning machine-learning-from-scratch

Last synced: 30 Jul 2024

https://github.com/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)

ant-colony-algorithm artificial-intelligence fish-swarms genetic-algorithm heuristic-algorithms immune immune-algorithm optimization particle-swarm-optimization pso simulated-annealing travelling-salesman-problem tsp

Last synced: 30 Sep 2024

https://github.com/RH12503/Triangula

Generate high-quality triangulated and polygonal art from images.

art evolutionary-algorithms evolutionary-art generative-art genetic-algorithm go golang gui polygons triangles triangula

Last synced: 02 Aug 2024

https://github.com/RH12503/triangula

Generate high-quality triangulated and polygonal art from images.

art evolutionary-algorithms evolutionary-art generative-art genetic-algorithm go golang gui polygons triangles triangula

Last synced: 03 Aug 2024

https://github.com/rh12503/triangula

Generate high-quality triangulated and polygonal art from images.

art evolutionary-algorithms evolutionary-art generative-art genetic-algorithm go golang gui polygons triangles triangula

Last synced: 30 Sep 2024

https://github.com/ivanseidel/iamdinosaur

🦄 An Artificial Inteligence to teach Google's Dinosaur to jump cactus

artificial-intelligence dino genetic-algorithm genome google-dinosaur neural-network

Last synced: 30 Sep 2024

https://github.com/anyoptimization/pymoo

NSGA2, NSGA3, R-NSGA3, MOEAD, Genetic Algorithms (GA), Differential Evolution (DE), CMAES, PSO

cmaes differential-evolution genetic-algorithm multi-objective-optimization nsga2 nsga3 optimization pso

Last synced: 30 Sep 2024

https://github.com/ahmedfgad/GeneticAlgorithmPython

Source code of PyGAD, a Python 3 library for building the genetic algorithm and training machine learning algorithms (Keras & PyTorch).

deep-learning evolutionary-algorithms genetic-algorithm machine-learning neural-networks numpy optimization pygad pygad-documentation python

Last synced: 02 Aug 2024

https://github.com/ahmedfgad/geneticalgorithmpython

Source code of PyGAD, a Python 3 library for building the genetic algorithm and training machine learning algorithms (Keras & PyTorch).

deep-learning evolutionary-algorithms genetic-algorithm machine-learning neural-networks numpy optimization pygad pygad-documentation python

Last synced: 01 Oct 2024

https://github.com/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.

artificial-neural-networks deep-learning evolutionary-algorithms genetic-algorithm machine-learning neural-networks self-driving-cars

Last synced: 30 Sep 2024

https://github.com/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).

artificial-intelligence c-sharp dotnet dotnet-core dotnet-standard dotnet6 genetic-algorithm genetic-algorithms unity3d

Last synced: 28 Sep 2024

https://github.com/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).

artificial-intelligence c-sharp dotnet dotnet-core dotnet-standard dotnet6 genetic-algorithm genetic-algorithms unity3d

Last synced: 01 Aug 2024

https://github.com/wagenaartje/neataptic

:rocket: Blazing fast neuro-evolution & backpropagation for the browser and Node.js

crossover genetic-algorithm machine-learning mutations neural-network neurons selection squash

Last synced: 30 Jul 2024

https://github.com/primaryobjects/ai-programmer

Using artificial intelligence and genetic algorithms to automatically write programs. Tutorial: http://www.primaryobjects.com/cms/article149

ai artificial-intelligence c-sharp fitness-score genetic-algorithm genetic-algorithms genetic-programming genome program-synthesis programming-language

Last synced: 30 Sep 2024

https://github.com/maxhalford/eaopt

:four_leaf_clover: Evolutionary optimization library for Go (genetic algorithm, partical swarm optimization, differential evolution)

differential-evolution evolutionary-algorithms evolutionary-computation genetic-algorithm go machine-learning metaheuristics optimization parallel particle-swarm-optimization speciation

Last synced: 03 Oct 2024

https://github.com/MaxHalford/eaopt

:four_leaf_clover: Evolutionary optimization library for Go (genetic algorithm, partical swarm optimization, differential evolution)

differential-evolution evolutionary-algorithms evolutionary-computation genetic-algorithm go machine-learning metaheuristics optimization parallel particle-swarm-optimization speciation

Last synced: 30 Jul 2024

https://github.com/nemanja-m/gaps

A Genetic Algorithm-Based Solver for Jigsaw Puzzles :cyclone:

genetic-algorithm puzzle-solver

Last synced: 01 Aug 2024

https://github.com/TomaszRewak/ML-games

Machine learning games. Use combination of genetic algorithms and neural networks to control the behaviour of in-game objects.

game game-engine genetic-algorithm machine-learning machine-learning-games neural-network reinforcement-learning

Last synced: 31 Jul 2024

https://github.com/ahmedfgad/NeuralGenetic

Building and training artificial neural networks (regression or classification) using the genetic algorithm.

deep-learning genetic-algorithm neural-networks optimization pygad python

Last synced: 03 Aug 2024

https://github.com/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.

evolutionary-algorithms feature-selection genetic-algorithm grey-wolf grey-wolf-optimizer machine-learning machine-learning-algorithms machinelearning optimization optimization-algorithms optimization-methods optimization-tools particle-swarm particle-swarm-optimization python subset-selection supervised-learning

Last synced: 02 Aug 2024

https://github.com/aqibsaeed/Genetic-CNN

CNN architecture exploration using Genetic Algorithm

deap deep-learning genetic-algorithm machine-learning tensorflow

Last synced: 31 Jul 2024

https://github.com/olmallet81/GALGO-2.0

Genetic Algorithm in C++ with template metaprogramming and abstraction for constrained optimization

chromosome cpp11 cross evolutionary-algorithm genetic-algorithm metaprogramming mutations

Last synced: 31 Jul 2024

https://github.com/innoave/genevo

Execute genetic algorithm (GA) simulations in a customizable and extensible way.

evolutionary-algorithms framework genetic-algorithm library optimization-algorithms rust search-algorithms

Last synced: 31 Jul 2024

https://github.com/Martin1887/oxigen

Fast, parallel, extensible and adaptable genetic algorithms framework written in Rust

genetic-algorithm rust

Last synced: 31 Jul 2024

https://github.com/jobtalle/Cephalopods

Evolving squids through neuroevolution

artificial-life genetic-algorithm neural-network neuroevolution

Last synced: 01 Aug 2024

https://github.com/pkalivas/radiate

A genetic programming engine which evolves solutions through asynchronous speciation.

artificial-intelligence evolutionary-algorithms genetic-algorithm genetic-engine genetic-programming neat neural-network neuroevolution rust

Last synced: 01 Aug 2024

https://github.com/nathanrooy/evolving-simple-organisms

Evolving simple organisms using a genetic algorithm and deep learning from scratch with python

deep-learning evolutionary-optimization genetic-algorithm neural-network python tutorial

Last synced: 07 Aug 2024

https://github.com/mithi/rusty-genes

Genetic algorithm implementation in Rust with animated visualizations in Python

genetic-algorithm rust travelling-salesman travelling-salesman-problem

Last synced: 09 Aug 2024

https://github.com/MichaelJWelsh/bot-evolution

An interesting display of evolution through neural networks and a genetic algorithm

evolution genetic-algorithm neural-network python visual

Last synced: 07 Aug 2024

https://github.com/iver56/cross-adaptive-audio

Evolving Artificial Neural Networks for Cross-Adaptive Audio Effects

ai audio audio-effect audio-features csound drums dsp genetic-algorithm neat neural-network

Last synced: 03 Aug 2024

https://github.com/Murgio/Genetic-Algorithm-Montage

genetic algorithm for self-referential image approximation.

face genetic-algorithm picture

Last synced: 31 Jul 2024

https://github.com/evoasm/evoasm.rb

An AIMGP (Automatic Induction of Machine code by Genetic Programming) engine

aimgp genetic-algorithm genetic-programming jit program-synthesis ruby x64 x86-64

Last synced: 31 Jul 2024

https://github.com/clementpl/influx-crypto-trader

Node js trading bot, let you create trading strategy and run it (backtest/simulation/live)

cryptocurrency genetic-algorithm grafana influxdb node-js trading-bot trading-strategies typescript

Last synced: 06 Aug 2024

https://github.com/jinyeom/neat

NEAT (NeuroEvolution of Augmenting Topologies) implemented in Go

genetic-algorithm go neat neural-network neuroevolution recurrent-neural-networks reinforcement-learning topologies

Last synced: 30 Jul 2024

https://github.com/delta1epsilon/BoxPacking

R package for solving three-dimensional bin packing problem

3d-bin-packing-problem genetic-algorithm packing-algorithm r

Last synced: 05 Aug 2024

https://github.com/ashleve/EvOLuTIoN

A simple simulation in Unity, which uses genetic algorithm to optimize forces applied to cubes

ai c-sharp evolutionary-algorithms fitness-score genetic-algorithm mutation natural-selection pathfinding unity

Last synced: 02 Aug 2024

https://github.com/sdu-cfei/modest-py

FMI-compliant Model Estimation in Python

fmi fmu genetic-algorithm optimization parameter-estimation pattern-search

Last synced: 02 Aug 2024

https://github.com/bones-ai/rust-escape-ai

AI plays a small escape room game, written in rust

artificial-intelligence escape-room genetic-algorithm macroquad rustlang

Last synced: 28 Sep 2024

https://github.com/mishig25/neuroevolution-robots

Neuroevolution demo through TensorFlow.js, Neataptic, and Box2D

evolutionary-algorithms genetic-algorithm neural-network tensorflow tensorflow-experiments

Last synced: 26 Sep 2024

https://github.com/bones-ai/rust-flappy-bird-ai

AI learns to play flappy bird using neuro-evolution, implemented in Rust using macroquad

ai flappy-bird flappy-bird-ai genetic-algorithm macroquad neat neural-networks neuroevolution rust rust-lang simulation

Last synced: 03 Aug 2024

https://github.com/khezen/evoli

Genetic Algorithm and Particle Swarm Optimization

evolutionary-algorithms genetic-algorithm go golang particle-swarm-optimization

Last synced: 30 Jul 2024

https://github.com/lucidrains/genetic-algorithm-pytorch

Toy genetic algorithm in Pytorch

genetic-algorithm pytorch

Last synced: 03 Oct 2024

https://github.com/BusinessDuck/async-genetic

A blazing fast and fully async genetic algorithm

genetic genetic-algorithm node typescript

Last synced: 01 Aug 2024

https://github.com/jmbr/libeve

Genetic algorithm library written in C. Moved to https://git.sr.ht/~jmbr/libeve

c genetic-algorithm optimization

Last synced: 30 Jul 2024

https://github.com/citiususc/citius-invaders

An old-style HTML5 arcade game for teaching genetic algorithms to kids, made with PhaserJS

evolutionary-algorithms genetic-algorithm phaser-game phaserjs space-invaders

Last synced: 27 Sep 2024

https://github.com/muhammadzhuhry/sistem-informasi-akademik

An Academic Information System that was created using PHP framework called Codeigniter

academic codeigniter genetic-algorithm php php5 system-information

Last synced: 28 Sep 2024

https://github.com/alenaksu/neatjs

NEAT (Neuro Evolution of Augmenting Topologies) implementation in JavaScript

ai genetic-algorithm machine-learning neat neural-networks neuroevolution

Last synced: 01 Oct 2024

https://github.com/cpanse/recmap

An algorithm to draw rectangular statistical cartograms - CRAN package

cartogram cran-r demographics genetic-algorithm geovisualization graph-drawing spatial spatial-data-analysis value-by-area-maps

Last synced: 31 Jul 2024

https://github.com/anas-899/2D-Bin-Packing-with-Genetic-Algorithm

C# based project explain all steps of genetic algorithm on a simple application for 2D-bin-packing

2d-bin-packing c-sharp genetic-algorithm skyline

Last synced: 02 Aug 2024

https://github.com/Zebreu/SketchingAI

Sketching AI, based on a convolutional neural network and genetic algorithm

deep-learning genetic-algorithm neural-network

Last synced: 03 Aug 2024

https://github.com/romainsimon/neuroevolution

:hatching_chick: NeuroEvolution of Augmenting Topologies (NEAT) implementation with Tensorflow.js (still WIP)

genetic-algorithm neat tensorflowjs

Last synced: 26 Sep 2024

https://github.com/apockill/CreepyCrawlAI

A deep neural network evolutionary sim, for interactive passive art displays.

genetic-algorithm godot godot-python reinforcement-learning tensorflow

Last synced: 02 Aug 2024

https://github.com/ahmedfgad/8queensgenetic

Optimizing the 8 Queens Puzzle using the Genetic Algorithm (PyGAD).

8-queens-problem cross-platform genetic-algorithm kivy numpy optimization python

Last synced: 30 Sep 2024

https://github.com/muyangye/traveling_salesman_solver_google_maps

Genetic Algorithm + Google Maps API to solve the Traveling Salesman (NP-hard) Problem. Plan your travel over 100+ places with ease. Demo deployed with Microsoft Azure

genetic-algorithm google-maps google-maps-api traveling-salesman-problem tsp

Last synced: 01 Oct 2024

https://github.com/planet0104/neat-flappy-bird

NEAT算法玩Flappy Bird(像素鸟)

flappybird genetic-algorithm neat neural-network

Last synced: 04 Aug 2024

https://github.com/nuhu-ibrahim/time-table-scheduling

A time table scheduling system using genetic algorithm

genetic-algorithm java javase table-scheduling timetable-generator

Last synced: 29 Sep 2024

https://github.com/chovanecm/python-genetic-algorithm

Genetic algorithm "library"

genetic-algorithm

Last synced: 02 Oct 2024

https://github.com/skyworld117/dianoiaml.jl

A Keras-like experimental Deep Learning framework in Julia 1.6

deep-learning gan genetic-algorithm julia keras machine-learning resnet

Last synced: 29 Sep 2024