-
Updated
Jun 15, 2021 - C++
#
optimization-algorithms
Here are 1,354 public repositories matching this topic...
船长关于机器学习、计算机视觉和工程技术的总结和分享
A research toolkit for particle swarm optimization in Python
machine-learning
algorithm
optimization
global-optimization
optimization-tools
optimization-algorithms
particle-swarm-optimization
pso
metaheuristics
discrete-optimization
swarm-intelligence
-
Updated
Dec 3, 2021 - Python
a lightweight C++17 library of numerical optimization methods for nonlinear functions (Including L-BFGS-B for TensorFlow)
c-plus-plus
newton
cpp
tensorflow
optimization
matlab
solver
cpp14
eigen
mathematics
cpp11
mistakes
gradient-descent
optim
optimization-tools
solvers
optimization-algorithms
optimisation
gradient-computation
bfgs
lbfgs
numerical-optimization-methods
-
Updated
Feb 4, 2022 - C++
A Genetic Algorithm Framework in Python
-
Updated
Dec 23, 2018 - Python
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
Apr 29, 2022 - C++
Distributed Deep Learning, with a focus on distributed training, using Keras and Apache Spark.
data-science
machine-learning
spark
apache-spark
deep-learning
hadoop
tensorflow
keras
keras-models
optimization-algorithms
data-parallelism
distributed-optimizers
-
Updated
Jul 25, 2018 - Python
A curated list of awesome links and software libraries that are useful for robots.
lists
list
machine-learning
awesome
reinforcement-learning
robot
deep-learning
robotics
simulation
tensorflow
optimization
physics
point-cloud
ros
awesome-list
sensors
datasets
image-segmentation
optimization-algorithms
planning-algorithms
-
Updated
Sep 26, 2021
python
machine-learning
library
algorithm
optimization
genetic-algorithm
machine-learning-algorithms
artificial-intelligence
genetic-algorithm-framework
simulated-annealing
hill-climbing
evolutionary-algorithm
optimization-algorithms
particle-swarm-optimization
tabu-search
stochastic-optimizers
metaheuristics
discrete-optimization
harmony-search
continuous-optimization
-
Updated
Jul 19, 2019 - Python
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++
Mathematical optimization in pure Rust
-
Updated
May 8, 2022 - Rust
Splitting Conic Solver
optimization
solver
linear-programming
semidefinite-programming
optimization-algorithms
quadratic-programming
convex-optimization
first-order-methods
cone-programming
-
Updated
Apr 20, 2022 - C
oj! Algorithms
java
machine-learning
multi-threading
algorithm
math
algorithms
optimization
linear-algebra
solver
transformations
least-squares
polynomial
arrays
blas
lapack
sparse-matrix
optimization-algorithms
matrix-library
ojalgo
mathematical-programming
-
Updated
May 8, 2022 - Java
C++ Mathematical Expression Parsing And Evaluation Library https://www.partow.net/programming/exprtk/index.html
language
c-plus-plus
parser
compiler
math
math-expressions
mirror
high-performance
grammar
mathematics
ast
numerical-calculations
scientific-computing
lexer
mit-license
expression-evaluator
optimization-algorithms
mirrored-repository
semantic-analyzer
exprtk
-
Updated
Feb 7, 2022 - C++
Unconstrained function minimization in Javascript
-
Updated
Jun 3, 2018 - JavaScript
Python-MIP: collection of Python tools for the modeling and solution of Mixed-Integer Linear programs
optimization
modeling
linear-programming
optimization-tools
optimization-algorithms
optimization-framework
mip
integer-programming
-
Updated
May 3, 2022 - Python
Curvature Filters are efficient solvers for Variational Models
python
opencv
matlab
image-processing
differential-geometry
curvature
itk
optimization-algorithms
curvature-filters
-
Updated
Apr 9, 2019 - C++
Image-processing software for cryo-electron microscopy
gui
hpc
molecular-structures
cuda
image-processing
nvidia
high-performance-computing
graphics-programming
ctf
regularization
cryo-em
microscopy
likelihood
maximum-likelihood
optimization-algorithms
relion
molecular-biology
atomistic-models
biomolecular-dynamics
microscope
-
Updated
Apr 19, 2022 - C++
Reinforcement learning with A* and a deep heuristic
reinforcement-learning
machine-learning-algorithms
dqn
reinforcement-learning-algorithms
control-systems
optimization-algorithms
shortest-path
-
Updated
Dec 13, 2018 - Jupyter Notebook
Visualize Tensorflow's optimizers.
machine-learning
tensorflow
optimization-algorithms
learning-rate
optimizer-visualization
adamoptimizer
gradientdescentoptimizer
-
Updated
Mar 7, 2018 - Python
The library contains a number of interconnected Java packages that implement machine learning and artificial intelligence algorithms. These are artificial intelligence algorithms implemented for the kind of people that like to implement algorithms themselves.
-
Updated
Jan 7, 2022 - Java
Pytorch implementation of the paper "Optimization as a Model for Few-Shot Learning"
-
Updated
Sep 22, 2017 - Python
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
This repository implements several swarm optimization algorithms and visualizes them. Implemented algorithms: Particle Swarm Optimization (PSO), Firefly Algorithm (FA), Cuckoo Search (CS), Ant Colony Optimization (ACO), Artificial Bee Colony (ABC), Grey Wolf Optimizer (GWO) and Whale Optimization Algorithm (WOA)
pypi
swarm
ant-colony-optimization
aco
tsp
cuckoo-search
optimization-algorithms
particle-swarm-optimization
pso
firefly-algorithm
heuristic-search-algorithms
heuristic-optimization
artificial-bee-colony
levy-walks
traveling-salesman-problem
tsplib
gwo
tsplib95
whale-optimization
grey-wolf-optimizer
-
Updated
Dec 16, 2020 - Python
Sparse Optimisation Research Code
python
sparsity
optimization
cuda
admm
sparse-coding
dictionary-learning
optimization-algorithms
robust-pca
fista
convolutional-sparse-coding
total-variation
sparse-representations
convolutional-dictionary-learning
total-variation-minimization
plug-and-play-priors
-
Updated
Feb 18, 2022 - Python
MATLAB library for non-negative matrix factorization (NMF): Version 1.8.1
matlab
machine-learning-algorithms
bigdata
matrix-factorization
constrained-optimization
data-analysis
robust-optimization
gradient-descent
matlab-toolbox
clustering-algorithm
optimization-algorithms
nmf
online-learning
stochastic-optimizers
stochastic-gradient-descent
nonnegativity-constraints
orthogonal
probabilistic-matrix-factorization
nonnegative-matrix-factorization
sparse-representations
-
Updated
Feb 7, 2022 - MATLAB
Bayesian Adaptive Direct Search (BADS) optimization algorithm for model fitting in MATLAB
matlab
bayesian-optimization
optimization-algorithms
log-likelihood
noiseless-functions
noisy-functions
-
Updated
May 6, 2022 - MATLAB
Open
jSO algorithm
6
cola9
commented
Mar 2, 2022
Implementing jSO algorithm to existing library.
[ICLR 2021 top 3%] Is Attention Better Than Matrix Decomposition?
-
Updated
Apr 17, 2022 - Python
OptaPlanner quick starts for AI optimization: many use cases shown in many different technologies.
kotlin
java
spring-boot
gradle
maven
solver
artificial-intelligence
constraint-solver
operations-research
optimization-algorithms
mathematical-optimization
quarkus
-
Updated
May 9, 2022 - Java
Improve this page
Add a description, image, and links to the optimization-algorithms topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the optimization-algorithms topic, visit your repo's landing page and select "manage topics."
PR #149 implements the NSGA2 optimizer, this issue is a prompt to add other multi-objective optimizers like:
etc.
More information on the various methods o