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

Projects in Awesome Lists tagged with neuroevolution

A curated list of projects in awesome lists tagged with neuroevolution .

https://github.com/xviniette/FlappyLearning

Program learning to play Flappy Bird by machine learning (Neuroevolution)

flappybird machine-learning neuroevolution

Last synced: 30 Mar 2025

https://github.com/xviniette/flappylearning

Program learning to play Flappy Bird by machine learning (Neuroevolution)

flappybird machine-learning neuroevolution

Last synced: 13 Apr 2025

https://github.com/codereclaimers/neat-python

Python implementation of the NEAT neuroevolution algorithm

neuroevolution python

Last synced: 14 May 2025

https://github.com/CodeReclaimers/neat-python

Python implementation of the NEAT neuroevolution algorithm

neuroevolution python

Last synced: 19 Jul 2025

https://github.com/Lucifier129/factor-network

A simple factor network implementation written by JavaScript

backpropagation-learning-algorithm flappy-bird neural-network neuroevolution

Last synced: 30 Mar 2025

https://github.com/lucifier129/factor-network

A simple factor network implementation written by JavaScript

backpropagation-learning-algorithm flappy-bird neural-network neuroevolution

Last synced: 05 Apr 2025

https://github.com/pkalivas/radiate

A fast and flexible evolution engine for implementing artificial evolution and genetic programming techniques

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

Last synced: 15 Apr 2025

https://github.com/jobtalle/Cephalopods

Evolving squids through neuroevolution

artificial-life genetic-algorithm neural-network neuroevolution

Last synced: 03 Apr 2025

https://github.com/zampino/exnn

An Elixir Evolutive Neural Network framework à la G.Sher

actuators elixir gen-server mutations neural-network neuroevolution otp sensor

Last synced: 14 Apr 2025

https://github.com/yaricom/goneat

The GOLang implementation of NeuroEvolution of Augmented Topologies (NEAT) method to evolve and train Artificial Neural Networks without error back propagation

artificial-neural-networks augmenting-topologies neat neural-network neuroevolution reinforcement-learning reinforcement-learning-algorithms unsupervised-learning unsupervised-machine-learning

Last synced: 05 Oct 2025

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: 14 Mar 2025

https://github.com/tlmak0/rustneat

Rust Neat - NeuroEvolution of Augmenting Topologies

augmenting-topologies-neat neuroevolution rust

Last synced: 08 Sep 2025

https://github.com/TLmaK0/rustneat

Rust Neat - NeuroEvolution of Augmenting Topologies

augmenting-topologies-neat neuroevolution rust

Last synced: 22 Jul 2025

https://github.com/idreesinc/cerebrum

Cerebrum.js is a neural network library created in pure JavaScript.

deep-learning javascript neural-network neuroevolution

Last synced: 21 Feb 2025

https://github.com/yaricom/goneat_ns

This project provides GOLang implementation of Neuro-Evolution of Augmenting Topologies (NEAT) with Novelty Search optimization aimed to solve deceptive tasks with strong local optima

artificial-neural-networks augmenting-topologies explainable-ai explainable-artificial-intelligence golang modular-ai neat neuroevolution novelty-search reinforcement-learning-algorithms unsupervised-learning unsupervised-learning-algorithms unsupervised-machine-learning

Last synced: 05 Apr 2025

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: 08 Aug 2025

https://github.com/sash-a/codeepneat

An implementation of CoDeepNEAT using pytorch with extensions

automl machine-learning neat neat-algorithm neural-architecture-search neuroevolution

Last synced: 04 Jul 2025

https://github.com/vivek3141/pacman-ai

A.I. plays the original 1980 Pacman using Neuroevolution of Augmenting Topologies and Deep Q Learning

artificial-intelligence deep-q-learning dopamine dqn neat neat-python neural-network neuroevolution pacman python q-learning reinforcement-learning tensorflow tensorflow-rl

Last synced: 01 Apr 2025

https://github.com/sash-a/es_pytorch

High performance implementation of Deep neuroevolution in pytorch using mpi4py. Intended for use on HPC clusters

ai deep-neuroevolution evolutionary-strategy gym mpi mpi4py neuroevolution pytorch reinforcement-learning

Last synced: 28 Apr 2025

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: 04 Sep 2025

https://github.com/jeffreyksmithjr/galapagos_nao

A playground for continual, interactive neuroevolution

caffe2 cntk deep-learning elixir gluon mxnet neuroevolution pytorch

Last synced: 13 Apr 2025

https://github.com/goktug97/neatest

NEATEST: Evolving Neural Networks Through Augmenting Topologies with Evolution Strategy Training

evolutionary-algorithms genetic-algorithm neat neural-architecture-search neuroevolution python

Last synced: 26 Apr 2025

https://github.com/rish-16/metroplex

Using Simulated Annealing, Hill Climbing, and Genetic Algorithms to recreate images using shapes 🤖 🧬

art genetic-algorithm hill-climbing image-processing neuroevolution simulated-annealing

Last synced: 26 Jun 2025

https://github.com/yaricom/goeshyperneat

The implementation of evolvable-substrate HyperNEAT algorithm in GO language. ES-HyperNEAT is an extension of the original HyperNEAT method for evolving large-scale artificial neural networks.

artifical-neural-network explainable-artificial-intelligence golang hyperneat modular-ai neat neuroevolution reinforcement-learning unsupervised-learning-algorithms unsupervised-machine-learning

Last synced: 05 Apr 2025

https://github.com/vivek3141/flappy-neat

Implementing the NEAT algorithm to play flappy bird

flappy-bird machine-learning neat neural-network neuroevolution

Last synced: 14 Mar 2025

https://github.com/samankhamesian/hybrid-self-attention-neat

This repository is the official implementation of the Hybrid Self-Attention NEAT algorithm. It contains the code to reproduce the results presented in the original paper: https://link.springer.com/article/10.1007/s12530-023-09510-3

atari-games deep-neural-networks hybrid-model neat-python neural-networks neuroevolution self-attention

Last synced: 17 Mar 2025

https://github.com/coac/neat-tfjs

Javascript implementation of the NEAT neuroevolution algorithm using tf.js

neat neural-networks neuroevolution tensorflow tfjs visualization

Last synced: 06 Jul 2025

https://github.com/oxalorg/neat.py

My small implementation of NEAT (NeuroEvolution of Augmenting Topologies)

genetic-algorithm neat neural-network neuroevolution

Last synced: 09 Aug 2025

https://github.com/elias-ba/tyrex

An Elixir library for genetic programming and neuroevolution, implementing standard genetic algorithms and NEAT. Features parallel evaluation, checkpointing, and extensible operators for selection, crossover, and mutation. Solve optimization problems through evolution with a clean, flexible API.

artificial-intelligence concurrency distributed-computing elixir evolutionary-computation functional-programming genetic-algorithms machine-learning neat neural-networks neuroevolution optimization parallelism

Last synced: 24 Jun 2025

https://github.com/dusanerdeljan/neuroevolution-flappy-bird

Using artificial neural network and genetic algorithm to train bot to play FlappyBird

artificial-neural-networks flappy-bird genetic-algorithm neuroevolution

Last synced: 28 Oct 2025

https://github.com/zhebrak/neuro_pong

Atari Pong meets Neuroevolution

javascript machine-learning neural-network neuroevolution

Last synced: 12 Jun 2025

https://github.com/dusanerdeljan/neuroevolution-dino

Using artificial neural networks and genetic algorithm to train bot to play Chrome Dino game

artificial-neural-networks dinosaur-game genetic-algorithm neuroevolution

Last synced: 28 Oct 2025

https://github.com/dlpbc/penn-a

Code for "Evolving Inborn Knowledge For Fast Adaptation in Dynamic POMDP Problems"

evolutionary-meta-rl lifelong-adaptation lifelong-learning neural-networks neuroevolution neuromodulated-networks

Last synced: 05 May 2025

https://github.com/we-gold/tinyneat

TinyNEAT is a simple and extensible NEAT (NeuroEvolution of Augmenting Topologies) implementation in TypeScript.

genetic-algorithm machine-learning neat neat-algorithm neural-network neuroevolution p5js typescript

Last synced: 23 Apr 2025

https://github.com/neelr/flappyai

Flappy Bird AI using Core JS libraries

ai diy-neural-network flappy-bird javascript-game neuroevolution

Last synced: 09 Aug 2025

https://github.com/chrisdothtml/chrome-dino-ai

Did you think that dinosaurs were finished evolving?

chrome dinosaur-game neural-network neuroevolution p5js synapticjs

Last synced: 06 Apr 2025

https://github.com/malhotra5/openai-gym-cartpole-challenge

Multiple approaches for getting exemplary results in CartPole environment.

deeplearning machine-learning neuroevolution

Last synced: 17 Mar 2025

https://github.com/yaricom/neat-libraries-compared

The repository with source code which can be used to compare performance of different implementations of the NEAT algorithm

multineat-library neat neat-algorithm neat-python neat-python-library neuroevolution pole-balancer xor-problem

Last synced: 09 Apr 2025

https://github.com/timerertim/knevo

Knevo is a neuroevolution library for Java and Kotlin written purely in Kotlin, featuring multiple neuroevolution algorithms, serialization and multi-threading.

jvm machine-learning neural-network neuroevolution

Last synced: 16 Sep 2025

https://github.com/artaasadi/snailjumper-neuroevolution-project

solving jumping game using neural networks and genetic algorithms

ai game genetic-algorithm ml neural-network neuroevolution python

Last synced: 26 Mar 2025

https://github.com/debakarr/flappy-bird-using-neuroevolution-of-augmenting-topologies

Simple implementation of Flappy Bird using NeuroEvolution of Augmenting Topologies.

flappy-bird genetic-algorithm neat neuroevolution pygame

Last synced: 18 Sep 2025

https://github.com/selfint/neat

Neuroevolution of augmented topologies. This algorithm is similar to normal neuroevolution, but it also evolves the network topology. Based on "Evolving Neural Networks through Augmenting Topologies" by Kenneth O. Stanley and Risto Miikkulainen.

neural-network neuroevolution python3

Last synced: 03 Apr 2025

https://github.com/flesler/genetic-maze

Build a Maze, then let a Genetic Algorithm solve it

ai genetic-algorithm javascript machine-learning neural-network neuroevolution video-game

Last synced: 06 Jul 2025

https://github.com/vivelev/flappy-ai

AI solver for the FlappyBird game using Neural Network and Genetic Algorithm

ai neuroevolution

Last synced: 05 Oct 2025

https://github.com/selfint/neat_openaigym

Using NEAT to solve OpenAI gym environments

neat-python neuroevolution openai-gym python3

Last synced: 08 Apr 2025

https://github.com/raimannma/matrixneat

MIRROR | This is a mirror of our repo on gitlab. https://gitlab.com/my_neat/matrix-neat

artificial-intelligence machine-learning neat neural-networks neuroevolution

Last synced: 20 Mar 2025

https://github.com/yaricom/deep-ne-gpu

The Deep Neuroevolution GPU enhanced with integrated Atari ALE environment

atari deep-learning deep-q-network deep-reinforcement-learning genetic-algorithm neuroevolution

Last synced: 30 Jul 2025

https://github.com/we-gold/redfinch

An open and functional library for neuro-evolution and reinforcement learning!

evolution javascript neat neural-network neuroevolution reinforcement-learning tensorflow

Last synced: 27 Jul 2025

https://github.com/sunnshare/neuroevolution-flybird

飞翔的小鸟-游戏-神经网络进化

flybird neural-network neuroevolution

Last synced: 06 Nov 2025

https://github.com/tidianekhan/computational-intelligence

Projects accomplished during university course "Computational Intelligence" for the Bachelors of Science in Artificial Intelligence from VU Amsterdam

evolutionary-algorithms image-classification neural-networks neuroevolution optimization-algorithms pytorch

Last synced: 27 Jun 2025

https://github.com/synray/platformerneat

Uses NEAT to evolve networks that can beat challenging platform levels.

ai neat neural-networks neuroevolution

Last synced: 09 Oct 2025

https://github.com/kmheckel/evo_compiler

Using evolutionary strategies as an alternative for reinforcement learning in compiler code optimization control

compiler-optimization jax neuroevolution

Last synced: 11 Apr 2025

https://github.com/sheldonkwoodward/bneat

An implementation of NEAT based on Ken Stanley's implementation from 2002. This project is designed to teach itself how to play Snake and use Python for data analytics.

genetic-algorithm machine-learning neuroevolution

Last synced: 11 Oct 2025

https://github.com/rapsssito/neuroevolution-cars

Combining neural networks and genetic algorithms, we can train an agent to "drive" in a pseudo-random environment.

educational genetic-algorithm neural-network neuroevolution tensorflowjs

Last synced: 30 Mar 2025

https://github.com/sinkingsugar/neuromancer

Neural networks and neuro-evolution in pure nim

machine-learning neural-network neural-networks neuroevolution nim nim-language

Last synced: 23 Mar 2025

https://github.com/dadukhankevin/genespace

Building universal digital genetic code for artificial general evolution (AGE).

encoder-decoder finch genespace genetic-algorithm neural-network neuroevolution python

Last synced: 02 May 2025

https://github.com/ianpangdev/carro_automatico

Programa que implementa el algoritmo genético para enseñar a un carro a conducirse

ai neural-networks neuroevolution

Last synced: 25 Feb 2025

https://github.com/jxmked/ts-neuroevolution

Another version of Neuroevolution-Typescript

ai machine-learning neuroevolution portfolio-include

Last synced: 17 Sep 2025

https://github.com/taherjoudeh/neat-dino-game

Complete Chrome Dino Game with AI agents trained using NEAT neuroevolution. Features real-time neural network visualization and population-based evolution with 150+ agents.

artificial-intelligence dino-game evolutionary-computing game-ai genetic-algorithm java neat neat4j neural-networks neuroevolution population-based-evolution real-time-visualization

Last synced: 20 Sep 2025

https://github.com/ashok-arjun/automatic-flappy-bird

An attempt to make the computer play the flappy bird game, using neural nets and genetic algorithms.

game genetic-algorithm javascript javascript-game neural-networks neuroevolution p5js p5js-game

Last synced: 11 Jul 2025

https://github.com/connorslade/neat

🧠 neuroevolution of augmenting topologies implamentation

neat neuroevolution

Last synced: 05 Apr 2025

https://github.com/kokodoko/flappy-evolution

Evolving Flappy Birds until they learn how to fly

game-development javascript machine-learning ml5js neuroevolution

Last synced: 09 Sep 2025

https://github.com/khulnasoft/fastnode

FastNode: A Neuro-Graphic Self-Learnable Engine for Cognitive GUI Automation

fastnode graph-neural-networks learnability neural-network neuroevolution neuroscience nvidia nvidia-docker

Last synced: 31 Jul 2025

https://github.com/paul-bokelman/genetic-maze

Competing population model of genetically evolving neural networks

ai genetic-algorithm machine-learning neat neuroevolution simulation

Last synced: 27 Mar 2025

https://github.com/naghim/evolution-of-representational-structures

This project investigates the relationship between perception, fitness, and reality using evolutionary game theory and cognitive science. It also explores the scalability of the representation strategy used in the 2D grid to a 3D grid and compares its results to research involving human participants.

evolutionary-game-theory fitness generic-algorithm neuroevolution perception

Last synced: 29 Jul 2025

https://github.com/masterskepticista/neat_py

Basic Mutation and Copy Functions. Library requires only Numpy.

genetic-algorithm neat-python neural-networks neuroevolution

Last synced: 06 Mar 2025

https://github.com/arthurpaulino/neat_gym

The source code for the experiments of my master's thesis.

culture gym neat neuroevolution

Last synced: 28 Mar 2025

https://github.com/selfint/neuroevolution

Simple evolution of "bugs" trying to find food in the most efficient way. Made with Java and Processing.

java neural-network neuroevolution processing

Last synced: 08 Apr 2025

https://github.com/oxalorg/jump-neat

A jumping game played by neat.py

neat neural-network neuroevolution pyglet

Last synced: 23 Sep 2025