GitHub topics: genetic-algorithms
mcanlas/spawning-pool
A framework for genetic algorithms in Scala
Language: Scala - Size: 490 KB - Last synced at: about 23 hours ago - Pushed at: 1 day ago - Stars: 13 - Forks: 0

Evolutionary-Intelligence/pypop
[JMLR (CCF-A)] PyPop7: A Pure-Python LibrarY for POPulation-based Black-Box Optimization (BBO), especially *Large-Scale* variants (from evolutionary computation, swarm intelligence, statistics, operations research, machine learning, mathematical optimization, etc.). [https://jmlr.org/papers/v25/23-0386.html]
Language: Python - Size: 959 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 249 - Forks: 39

aimclub/SAMPO
Open-source framework for adaptive manufacturing processes scheduling
Language: Jupyter Notebook - Size: 27.7 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 34 - Forks: 5

ingrid-kiki/Wumpus_ERAD_ERAMIA_2021
Código fonte utilizado para a publicação de artigo acadêmico
Language: Python - Size: 0 Bytes - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

cicirello/chips-n-salsa-examples
Example programs for usage of the Chips-n-Salsa library
Language: Java - Size: 346 KB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 4 - Forks: 0

MosesTheRedSea/LLM-Guided-Evolution-Generic Fork of clint-kristopher-morris/llm-guided-evolution
LLM Guided Evolution - The Automation of Models Advancing Models
Language: Python - Size: 522 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 2 - Forks: 0

mohdmahsoof/ii-researcher
II-Researcher: a new open-source framework designed to aid building search / research agents
Language: Python - Size: 537 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1 - Forks: 0

geru-scotland/echoes-of-gaia
An intelligent, multi-agent framework for artificial biome simulation.
Language: Python - Size: 186 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 2 - Forks: 0

morinim/ultra
Framework for Evolutionary Algorithms
Language: C++ - Size: 3.64 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 7 - Forks: 1

codelion/openevolve
Open-source implementation of AlphaEvolve
Language: Python - Size: 3.34 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 2,879 - Forks: 354

iCog-Labs-Dev/metta-moses
Meta Optimization Semantic Evolutionary Search
Language: Python - Size: 1.34 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 7 - Forks: 23

theHilikus/a-life-java
Artificial Life in Java
Language: Java - Size: 489 KB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 2 - Forks: 0

Tanvir-Mahamood/Artificial-Intelligence
This repository contains implementations of fundamental Artificial Intelligence algorithms
Language: Python - Size: 873 KB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 0

roeey777/Splendor-AI
AI agents for the boardgame Splendor
Language: Python - Size: 103 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 1 - Forks: 0

ayush-saklani/classsync-generator
Automation in Timetable Generation using Genetic Algorithm to optimize scheduling for ClassSync.
Language: JavaScript - Size: 22 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 1 - Forks: 0

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: 14 days ago - Pushed at: 5 months ago - Stars: 1,317 - Forks: 340

GokayGulsoy/Computational-Intelligence
Repository for the CENG632 course that I have taken at IZTECH
Language: Jupyter Notebook - Size: 13 MB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

AmanPriyanshu/GeneticPromptLab
GeneticPromptLab uses genetic algorithms for automated prompt engineering (for LLMs), enhancing quality and diversity through iterative selection, crossover, and mutation, while efficiently exploring minimal yet diverse samples from the training set.
Language: Python - Size: 11.3 MB - Last synced at: 6 days ago - Pushed at: about 1 year ago - Stars: 23 - Forks: 1

shanefostersmith/Platypus-Type-Extensions
A suite of variable types and operators that extend the Platypus multi-objective optimization library (https://github.com/Project-Platypus/Platypus)
Language: Python - Size: 58.2 MB - Last synced at: 18 days ago - Pushed at: 19 days ago - Stars: 0 - Forks: 0

lucidrains/x-transformers-rl
Implementation of a transformer for reinforcement learning using `x-transformers`
Language: Python - Size: 228 KB - Last synced at: 19 days ago - Pushed at: 19 days ago - Stars: 57 - Forks: 5

lucidrains/blackbox-gradient-sensing
Implementation and explorations into Blackbox Gradient Sensing (BGS), an evolutionary strategies approach proposed in a Google Deepmind paper for Table Tennis
Language: Python - Size: 102 KB - Last synced at: about 16 hours ago - Pushed at: about 1 month ago - Stars: 16 - Forks: 0

Heracleitos/Heracleitos.github.io
The Hellenic Complex Systems Laboratory (HCSL) GitHub repository.
Language: Mathematica - Size: 397 MB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 1 - Forks: 0

sfuhrm/geneticalgorithm
Genetic algorithm Java library for explorers
Language: Java - Size: 2.93 MB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 1 - Forks: 0

CaioRuas24010/AtividadesRedesNeuraisAlgoritmosGeneticos
Este repositório foi criado para reservar as atividades desenvolvidas na disciplina Redes Neurais e Algoritmos Genéticos, ministrada em 2025 na Ilum - Escola de Ciência.
Language: Jupyter Notebook - Size: 3.48 MB - Last synced at: 23 days ago - Pushed at: 23 days ago - Stars: 0 - Forks: 0

lucidrains/evolutionary-policy-optimization
Pytorch implementation of Evolutionary Policy Optimization, from Wang et al. of the Robotics Institute at Carnegie Mellon University
Language: Python - Size: 184 KB - Last synced at: 24 days ago - Pushed at: about 1 month ago - Stars: 79 - Forks: 2

godon-dev/godon
(ancient german = improving, rearranging, rendering benign)
Language: Python - Size: 3.19 MB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 2 - Forks: 0

michaelvaillant/genelife
An advanced implementation of Conway's "Game of Life," enhanced with a genome system that adds evolutionary dynamics and movement to cells.
Language: JavaScript - Size: 2.59 MB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 0 - Forks: 0

miratcan/bedri
A web app that generates a text-based representation of the image using the provided text by using genetic algorithms. The name is inspired by the famous painter Bedri Baykam.
Language: TypeScript - Size: 3.13 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Alro10/awesome-deep-neuroevolution
A collection of Deep Neuroevolution resources or evolutionary algorithms applying in Deep Learning (constantly updating)
Size: 989 KB - Last synced at: 23 days ago - Pushed at: about 4 years ago - Stars: 222 - Forks: 35

EC-KitY/EC-KitY
EC-KitY: A scikit-learn-compatible Python tool kit for doing evolutionary computation.
Language: Python - Size: 4.88 MB - Last synced at: 9 days ago - Pushed at: 5 months ago - Stars: 94 - Forks: 18

languagelawyer/genetic_trade
Genetic algorithm tryna evolve a NN trading bot 🌚
Language: C++ - Size: 396 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

ScratchyCode/Machine-Learning
Testing di algoritmi per l'apprendimento automatico.
Language: C - Size: 2.88 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

lucidrains/transformer-directed-evolution
Explorations into whether a transformer with RL can direct a genetic algorithm to converge faster
Language: Python - Size: 35.2 KB - Last synced at: 14 days ago - Pushed at: about 2 months ago - Stars: 70 - Forks: 0

dadukhankevin/Finch
🐤The next evolution of evolution.
Language: Python - Size: 1.21 MB - Last synced at: 2 days ago - Pushed at: about 1 month ago - Stars: 39 - Forks: 3

mapyr/evolutionary-agent-simulation
Interactive evolution sandbox. Grid-based agents with neural brains, live mutation, adaptive world, and full visual interface. For research, hacking, or just watching life compete.
Language: Python - Size: 153 KB - Last synced at: 6 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Tynoee/AI-Flappy-Bird-Game
An AI agent that learns to play Flappy Bird using the NEAT (NeuroEvolution of Augmenting Topologies) algorithm. This project uses Pygame for game rendering and NEAT Python for training the neural networks.
Language: Python - Size: 15.4 MB - Last synced at: 23 days ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

mtarek97/Timetable-Generator
An automated time table generator using genetic algorithms in java.
Language: Java - Size: 39.1 KB - Last synced at: about 1 month ago - Pushed at: almost 7 years ago - Stars: 35 - Forks: 14

FabMab/GA-NS-comparison-tool
Genetic algorithm & Novelty search algorithm performance comparison tool
Language: Java - Size: 2.34 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

SoniaRuiz/coexp-website
CoExp website is a web-based tool developed in .NET Core Framework, for querying 109 independent gene co-expression networks from the family of CoExp R packages.
Language: JavaScript - Size: 51.8 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 5 - Forks: 1

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

Devinterview-io/genetic-algorithms-interview-questions
🟣 Genetic Algorithms interview questions and answers to help you prepare for your next machine learning and data science interview in 2025.
Size: 32.2 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 4 - Forks: 1

handcraftsman/GeneticAlgorithmsWithPython
source code from the book Genetic Algorithms with Python by Clinton Sheppard
Language: Python - Size: 123 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 1,234 - Forks: 451

primaryobjects/AI-Programmer
Using artificial intelligence and genetic algorithms to automatically write programs. Tutorial: http://www.primaryobjects.com/cms/article149
Language: C# - Size: 6.47 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 1,093 - Forks: 264

matiasmicheletto/lorawan-optimizations
A set of C++ programs to determine optimal high-level configurations for LoRaWAN based networks
Language: C++ - Size: 14.6 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

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.
Language: Elixir - Size: 131 KB - Last synced at: 12 days ago - Pushed at: 2 months ago - Stars: 8 - Forks: 0

azimonti/MNIST-classification
Neural network training for MNIST digit classification using SGD and GA
Language: C++ - Size: 48.8 KB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

datphamvn/HSEvo
[AAAI-25] HSEvo: Elevating Automatic Heuristic Design with Diversity-Driven Harmony Search and Genetic Algorithm Using LLMs
Language: Python - Size: 80 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 11 - Forks: 3

alimahdi-t/fire-station-location-optimization
Optimization algorithm to determine the best locations for fire stations to minimize emergency response times.
Size: 3.91 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

gmontamat/gentun
Hyperparameter tuning for machine learning models using a distributed genetic algorithm
Language: Python - Size: 622 KB - Last synced at: 15 days ago - Pushed at: 9 months ago - Stars: 89 - Forks: 19

McDoritos/CE-Evolution
Repository on my course Evolutionary Computation, about Genetic Algorithms. This project has the objective of evolving structures and controllers on evogym
Language: Python - Size: 530 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

bitArtisan1/TSP-Genetic-Algorithm-Solver
Python Implementation of Traveling Salesman Problem (TSP) Using Genetic Algorithms/Hybridized with more Heuristic Optimizations
Language: Python - Size: 52.7 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 4 - Forks: 1

Saifiev04/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.
Language: Elixir - Size: 131 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

robinsonvs/time-table-project
The Time Table project is an application for creating course offerings by crossing subjects, teachers, schedules, etc. for a university. - in progress
Language: Go - Size: 25.6 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 1

jElhamm/N-Queens-Puzzle
"The classic 'N-Queens problem' is tackled using a variety of advanced techniques such as nested loops, heuristics, backtracking, genetic algorithms, and local search algorithms."
Language: C++ - Size: 13.6 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

Harold2828/Genetic-Algorithm-with-Matlab
This MATLAB tool uses a Genetic Algorithm to optimize hybrid energy systems combining solar panels, wind turbines, batteries, and diesel generators. It simulates hourly energy demand, evaluates different configurations, and selects the most cost-effective solution based on the Levelized Cost of Energy (LCOE).
Language: MATLAB - Size: 57.2 MB - Last synced at: 9 days ago - Pushed at: 2 months ago - Stars: 3 - Forks: 0

c0ffee-milk/CipherBreaker
利用频率分析与遗传算法破解单表替换密码。
Language: C - Size: 139 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

frantorres14/Flappy-Bird-Agent-Trained-Through-Genetic-Algorithms
En este repositorio se entrenan agentes para que aprendan a jugar una versión simplificada del Juego Flappy Bird usando algoritmos genéticos
Language: Python - Size: 55.7 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

arhcoder/MIA
🎼 Musical Artificial Intelligence model that composes original music WITHOUT REAL MUSIC DATA TRAINING using NLP Grammars, Evolutive Computing, Simulated Annealing and LWRS Algorithm.
Language: Python - Size: 11.6 MB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 4 - Forks: 0

davecom/ClassicComputerScienceProblemsInSwift
Source Code for the Book Classic Computer Science Problems in Swift
Language: Swift - Size: 111 KB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 196 - Forks: 42

lucidrains/firefly-torch
Exploration into the Firefly algorithm in Pytorch
Language: Python - Size: 27.3 KB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 37 - Forks: 2

otvam/pyfreecoil
PyFreeCoil - Free-Shape Optimization of Air-Core Inductors
Language: Python - Size: 7.1 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 3 - Forks: 1

aliciagilmatute/Algoritmo-Genetico
Algoritmo Genético que pretende resolver el problema del viajero (TSP) desde dos lógicas diferentes.
Language: Jupyter Notebook - Size: 307 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

OguzhanTekeli06/AI_projects
AI projects
Language: C# - Size: 515 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

alan-turing-institute/p2lab-pokemon
A Python library for running genetic algorithms to optimize Pokemon teams!
Language: Python - Size: 2.94 MB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 9 - Forks: 2

kutukvpavel/FloorTilingOptimization
2D Cutting Stock Problem genetic approach
Language: C# - Size: 61.5 KB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 11 - Forks: 1

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

mazerunner1001/Breast-Cancer-Diagnosis-from-Thermal-Images
genetic algorithms and machine learning techniques to diagnose breast cancer from thermal images by distinguishing between cancer-positive and healthy cases.
Language: Jupyter Notebook - Size: 74.2 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

jaredthecoder/BioPy
Biologically-Inspired and Machine Learning Algorithms written in Python
Language: Python - Size: 883 KB - Last synced at: 26 days ago - Pushed at: about 2 years ago - Stars: 47 - Forks: 9

jeffheaton/mergelife
Evolve complex cellular automata with a genetic algorithm.
Language: Python - Size: 14.3 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 78 - Forks: 17

Eric-Bradford/TS-EMO
This repository contains the source code for “Thompson sampling efficient multiobjective optimization” (TSEMO).
Language: MATLAB - Size: 1.83 MB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 100 - Forks: 14

gsurma/slitherin
AI research environment for the game of Snake 🐍 .
Language: Python - Size: 33.4 MB - Last synced at: 3 months ago - Pushed at: almost 4 years ago - Stars: 90 - Forks: 24

imarranz/pygenmet
Genetic Algorithms Applied to Translational Strategy in NASH. Learning from Mouse Models. For general information, see
Language: Python - Size: 29.6 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 2 - Forks: 0

Razvan48/Diverse-Aplicatii-Algoritmi-Avansati-AA
Diverse aplicatii pentru Algoritmi Avansati (AA) Anul 2, Semestrul 2, Facultatea de Matematica si Informatica, Universitatea din Bucuresti
Language: C++ - Size: 5.24 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

georgiabasa/nsga_ii
This project uses the NSGA-II algorithm to optimize the placement of EV charging stations, considering factors like station locations, BESS capacity, and solar power efficiency.
Language: Python - Size: 0 Bytes - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

gnh1201/lotto_genetic_algorithm
Lotto prediction with Genetic Algorithm and Mersenne Twister (MT19937)
Language: Python - Size: 57.6 KB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 21 - Forks: 2

Naveen88112/Genetic_Algos_Maze_Solver
Genetic Algorithm Maze Solver This project utilizes a Genetic Algorithm (GA) to solve the optimization of a maze problem. It evolves the population of promising solutions to the best solution finding shortest path between start and end point using selection, crossover, and mutation.
Language: Jupyter Notebook - Size: 39.1 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

ranxi2001/MCM-Model-Learning
数学建模算法学习仓库-启发式算法仓库
Language: Python - Size: 43 KB - Last synced at: 3 months ago - Pushed at: almost 3 years ago - Stars: 28 - Forks: 6

gibbsbravo/genetic_algorithms
Genetic algorithm tutorial code - watch the GA improve using images
Language: Python - Size: 7.9 MB - Last synced at: 24 days ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

githubman2222/mind-evolution
Implementation of Mind Evolution, Evolving Deeper LLM Thinking, from Deepmind
Size: 1.95 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

ArchitJ6/NeuraDrive
Neural Network-Based Autonomous Car with Web UI
Language: JavaScript - Size: 2.49 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

frantorres14/Function-Optimization-Using-Genetic-Algorithms-Simulated-Annealing-and-Beam-Search
Optimización de funciones usando los métodos algoritmos genéticos, recocido simulado y beam search
Language: Jupyter Notebook - Size: 188 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

robert-haas/alogos
Grammar-guided genetic programming (G3P) methods: CFG-GP, GE, piGE, DSGE, WHGE
Language: Python - Size: 8.85 MB - Last synced at: 18 days ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 5

mdccUVa/de-fpga-hh
SystemC code modeling a cycle-accurate Differential Evolution of the Hodgkin-Huxley model.
Language: C - Size: 56.6 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

KhaledAshrafH/Curve-Fitting
This program implements a genetic algorithm for curve fitting using a polynomial equation. The goal is to find the best coefficients for the polynomial equation that minimize the distance between the curve and a given set of data points. The genetic algorithm is used to search for the optimal solution by evolving a population of candidate solutions
Language: C++ - Size: 266 KB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 7 - Forks: 2

cyokozai/optgenflow
A Visual Tool for Understanding Genetic Algorithms. OptGenFlow is an interactive and educational application specifically designed to help users visually understand the workings and mechanisms of genetic algorithms (GAs).
Language: Processing - Size: 145 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

Danial-Ghofrani/Bioinformatics_coursera
📚 Exercises and notes from Coursera's Bioinformatics Specialization 🧬. Dive into algorithms, Python programming, and the secrets of DNA, genes, and genomes. 🚀
Language: Python - Size: 623 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

kGorze/DNA-Assembly-Problem-Solver
Advanced DNA sequence reconstruction tool using genetic algorithms and metaheuristics. Implements SBH problem solver with adaptive crossover operators and comprehensive error handling.
Language: C++ - Size: 22.8 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

PhoenixDD/Hedge-Fund-replication
This project tries to replicate hedge funds returns.
Language: R - Size: 3.82 MB - Last synced at: 27 days ago - Pushed at: over 6 years ago - Stars: 24 - Forks: 10

OpenMendel/MendelIHT.jl
Iterative hard thresholding for l0 penalized regression
Language: Julia - Size: 119 MB - Last synced at: 21 days ago - Pushed at: almost 2 years ago - Stars: 23 - Forks: 4

eyuuab/EDA-Estimation-of-Distribution-Algorithm-
implementation example for estimation of distribution Algorithms
Language: Python - Size: 9.77 KB - Last synced at: 3 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 1

Talendar/nevopy
Neuroevolution framework for Python.
Language: Python - Size: 36.7 MB - Last synced at: 9 days ago - Pushed at: over 4 years ago - Stars: 30 - Forks: 6

kbnim/intro2ml-jegyzet
ELTE-IK Introduction to Machine Learing / Bevezetés a gépi tanulásba magyar nyelvű előadásjegyzet
Language: TeX - Size: 3.89 MB - Last synced at: about 1 month ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

estissy/femos
My small library for neuroevolution
Language: Python - Size: 46.9 KB - Last synced at: 20 days ago - Pushed at: 25 days ago - Stars: 0 - Forks: 0

IdreesInc/TetNet
TetNet is an application that uses genetic algorithms to create an evolving Tetris AI.
Language: JavaScript - Size: 35.2 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 71 - Forks: 17

Umeshkumarku1/ZoonomiX
ZoonomiX is a bioinformatics pipeline for analyzing microbial genomes, detecting pathogenicity, resistance genes, and mobile elements, and assessing zoonotic risk using BLASTn.
Language: Python - Size: 943 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

daniel-lima-lopez/Dynamic-State-Traffic-Lights
This work consists of a dynamic state traffic light controlled by a neural network. The training of this model is carried out by genetic algorithms in a simulation environment.
Language: Python - Size: 10 MB - Last synced at: about 2 months ago - Pushed at: 11 months ago - Stars: 4 - Forks: 0

DeveloperPaul123/genetic
A performant and flexible genetic algorithm implemented in C++20/23.
Language: C++ - Size: 1.62 MB - Last synced at: 20 days ago - Pushed at: 11 months ago - Stars: 19 - Forks: 1

ttarkowski/quile
C++ genetic algorithms scientific library
Language: C++ - Size: 1.07 MB - Last synced at: 9 days ago - Pushed at: almost 2 years ago - Stars: 13 - Forks: 3

Splines/louvain-genetic-bachelor
My bachelor thesis with the title "Louvain-initialized Genetic Algorithms for Community Detection in Complex Networks"
Size: 30.1 MB - Last synced at: 5 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

eriknyquist/BrainfuckIntern
Uses a genetic algorithm to "evolve" brainfuck programs with desirable behaviours
Language: C - Size: 26.7 MB - Last synced at: 2 months ago - Pushed at: 5 months ago - Stars: 10 - Forks: 0
