-
Updated
Sep 2, 2021 - Go
#
evolutionary-algorithms
Here are 964 public repositories matching this topic...
Generate high-quality triangulated and polygonal art from images.
art
go
golang
gui
genetic-algorithm
evolutionary-algorithms
generative-art
polygons
triangles
evolutionary-art
triangula
Evolutionary algorithm toolbox and framework with high performance for Python
-
Updated
May 23, 2022 - Python
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.
machine-learning
deep-learning
genetic-algorithm
neural-networks
evolutionary-algorithms
artificial-neural-networks
self-driving-cars
-
Updated
Oct 1, 2017 - ASP
Source code of PyGAD, a Python 3 library for building the genetic algorithm and training machine learning algorithms (Keras & PyTorch).
python
machine-learning
deep-learning
optimization
numpy
genetic-algorithm
neural-networks
evolutionary-algorithms
pygad
pygad-documentation
-
Updated
Jun 5, 2022 - Python
go
machine-learning
optimization
genetic-algorithm
parallel
evolutionary-algorithms
differential-evolution
speciation
evolutionary-computation
particle-swarm-optimization
metaheuristics
-
Updated
Apr 5, 2021 - Go
Evolutionary multi-objective optimization platform
-
Updated
Apr 26, 2022 - MATLAB
Jenetics - Genetic Algorithm, Genetic Programming, Evolutionary Algorithm, and Multi-objective Optimization
java
machine-learning
optimization
genetic-algorithm
artificial-intelligence
genetic-programming
evolutionary-algorithms
parallel-algorithm
evolutionary-strategy
multiobjective-optimization
metaheuristics
java17
-
Updated
Jun 7, 2022 - Java
A C++ platform to perform parallel computations of optimisation tasks (global and local) via the asynchronous generalized island model.
python
optimization
genetic-algorithm
parallel-computing
python3
artificial-intelligence
evolutionary-algorithms
multi-objective-optimization
optimization-methods
optimization-tools
optimization-algorithms
parallel-processing
evolutionary-strategy
stochastic-optimizers
metaheuristics
pagmo
-
Updated
May 29, 2022 - C++
threejs
genetics
genetic-algorithm
evolutionary-algorithms
self-driving-car
cannonjs
three-js
evolutionary-algorithm
cannon-js
-
Updated
Oct 13, 2021 - TypeScript
OptimLib: a lightweight C++ library of numerical optimization methods for nonlinear functions
newton
cpp
optimization
automatic-differentiation
eigen
openmp
cpp11
evolutionary-algorithms
armadillo
gradient-descent
optim
differential-evolution
optimization-algorithms
particle-swarm-optimization
bfgs
lbfgs
openmp-parallelization
numerical-optimization-methods
-
Updated
May 8, 2022 - C++
Evolutionary Art Using Circles in Python
-
Updated
Apr 27, 2021 - Python
Official project website for the CVPR 2020 paper (Oral Presentation) "Cascaded deep monocular 3D human pose estimation wth evolutionary training data"
deep-learning
dataset
evolutionary-algorithms
human-pose-estimation
data-augmentation
cvpr
synthetic-data
bias-correction
3d-human-pose
3d-computer-vision
geometric-deep-learning
3d-pose-estimation
2d-to-3d
smpl
feed-forward-neural-networks
kinematic-trees
cvpr2020
generalization-on-diverse-scenes
annotaton-tool
-
Updated
Jul 10, 2021 - Python
The first open-source AI-driven tool for automatically generating system-level test cases (also known as fuzzing) for web/enterprise applications. Currently targeting whitebox and blackbox testing of REST APIs.
kotlin
java
testing
rest
evolutionary-algorithms
fuzzing
api-rest
fuzzer
api-testing
test-case-generation
-
Updated
Jun 7, 2022 - Kotlin
alirezamika
commented
Sep 28, 2017
One of the strengths of evolution strategy algorithm is its linear scalability.
Thus it would be great to have this implemented in Evostra.
Sceki
commented
Jun 9, 2019
Some problems/algorithms seem to have an inconsistent python exposition in terms of types.
For instance, in ../src/problems/dtlz.cpp
we have:
dtlz::dtlz(unsigned prob_id, vector_double::size_type dim, vector_double::size_type fdim, unsigned alpha)
But in the ../pygmo/expose_problems_0.cpp
it is exposed as:
dtlz_p.def(bp::init<unsigned, unsigned, unsigned, unsigned>
I
KaHyPar (Karlsruhe Hypergraph Partitioning) is a multilevel hypergraph partitioning framework providing direct k-way and recursive bisection based partitioning algorithms that compute solutions of very high quality.
cpp
graph
graph-algorithms
graphs
partitioning-algorithms
evolutionary-algorithms
partitioning
hypergraph-partitioning
algorithm-engineering
graph-partitioning
hypergraph
hypergraphs
papers-with-code
-
Updated
May 22, 2022 - C++
Evolutionary & genetic algorithms for Julia
optimization
julia
genetic-algorithm
genetic-programming
evolutionary-algorithms
differential-evolution
pareto-front
optimisation
multiobjective-optimization
cmaes
evolution-strategies
-
Updated
Mar 19, 2022 - Julia
Always sparse. Never dense. But never say never. A Sparse Training repository for the Adaptive Sparse Connectivity concept and its algorithmic instantiation, i.e. Sparse Evolutionary Training, to boost Deep Learning scalability on various aspects (e.g. memory and computational time efficiency, representation and generalization power).
deep-neural-networks
sparsity
deep-learning
scalability
randomization
neuroevolution
deep-learning-algorithms
classification
evolutionary-algorithms
artificial-neural-networks
restricted-boltzmann-machine
complex-networks
deep-learning-papers
multi-layer-perceptron
generative-models
sparse-neural-networks
scalable-deep-learning
sparse-training
sparse-evolutionary-training
adaptive-sparse-connectivity
-
Updated
Jul 21, 2021 - Python
A General Automated Machine Learning framework to simplify the development of End-to-end AutoML toolkits in specific domains.
reinforcement-learning
keras
mcts
hyperparameter-optimization
evolutionary-algorithms
nas
monte-carlo-tree-search
hyperparameter-tuning
automl
neural-architecture-search
nasnet
enas
autodl
-
Updated
May 31, 2022 - Python
Jupyter/IPython notebooks about evolutionary computation.
-
Updated
May 10, 2017 - Jupyter Notebook
The Watchmaker Framework for Evolutionary Computation
-
Updated
Jul 20, 2020 - Java
A collection of Deep Neuroevolution resources or evolutionary algorithms applying in Deep Learning (constantly updating)
awesome
deep-neural-networks
deep-reinforcement-learning
neuroevolution
evolutionary-algorithms
genetic-algorithms
evolution-strategies
deep-neuroevolution
-
Updated
Apr 20, 2021
Forex trading simulator environment for OpenAI Gym, observations contain the order status, performance and timeseries loaded from a CSV file containing rates and indicators. Work In Progress
python
agent
machine-learning
reinforcement-learning
timeseries
deep-learning
decentralized
blockchain
p2p
openai-gym
q-learning
distributed
forex
evolutionary-algorithms
machinelearning
mql4
deep-q-network
-
Updated
Jun 3, 2020 - Python
Blue Brain Python Optimisation Library
python
cross-platform
genetic-algorithm
biological-simulations
neuroscience
computational-neuroscience
evolutionary-algorithms
neurons
electrophysiology
modelling
parameter
optimisations
-
Updated
Jun 7, 2022 - Python
Evolution Simulator with Box2D
-
Updated
Feb 16, 2020 - JavaScript
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.
python
machine-learning
optimization
genetic-algorithm
machine-learning-algorithms
feature-selection
supervised-learning
evolutionary-algorithms
machinelearning
optimization-methods
optimization-tools
optimization-algorithms
particle-swarm-optimization
subset-selection
particle-swarm
grey-wolf-optimizer
grey-wolf
-
Updated
May 4, 2022 - Python
The official code repository supporting the book, Grokking Artificial Intelligence Algorithms
python
machine-learning
algorithm
reinforcement-learning
ai
genetic-algorithm
linear-regression
machine-learning-algorithms
q-learning
evolutionary-algorithms
search-algorithm
ant-colony-optimization
particle-swarm-optimization
classification-algorithm
-
Updated
Nov 11, 2021 - Python
Yet another black-box optimization library for Python
python
black-box
data-science
algorithms
optimization
minimization
parallel
python3
evolutionary-algorithms
differential-evolution
black-box-optimization
stochastic-algorithms
-
Updated
Jun 1, 2020 - Jupyter Notebook
Improve this page
Add a description, image, and links to the evolutionary-algorithms topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the evolutionary-algorithms topic, visit your repo's landing page and select "manage topics."
Current type hints are using
np.array
which is... actually not a even class, but a convenience function for creation ofnp.ndarray
.But instead of just substituting usages of
np.array
, it's better to use types fromnumpy.typing
module, which was introduced in Numpy 1.20. (https://numpy.org/devdocs/reference/typing.html#module-numpy.typing). Besides parameterizedNDArray[DType]
it also i