An open API service providing repository metadata for many open source software ecosystems.

Topic: "nonlinear-optimization"

pnnl/neuromancer

Pytorch-based framework for solving parametric constrained optimization problems, physics-informed system identification, and parametric model predictive control.

Language: Python - Size: 413 MB - Last synced at: 3 days ago - Pushed at: about 1 month ago - Stars: 1,254 - Forks: 169

scipopt/PySCIPOpt

Python interface for the SCIP Optimization Suite

Language: Cython - Size: 6.8 MB - Last synced at: 3 days ago - Pushed at: 6 days ago - Stars: 954 - Forks: 274

ethz-adrl/ifopt

An Eigen-based, light-weight C++ Interface to Nonlinear Programming Solvers (Ipopt, Snopt)

Language: C++ - Size: 437 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 838 - Forks: 164

SciML/Optimization.jl

Mathematical Optimization in Julia. Local, global, gradient-based and derivative-free. Linear, Quadratic, Convex, Mixed-Integer, and Nonlinear Optimization in one simple, fast, and differentiable interface.

Language: Julia - Size: 28.9 MB - Last synced at: 7 days ago - Pushed at: 8 days ago - Stars: 810 - Forks: 96

alphaville/optimization-engine

Nonconvex embedded optimization: code generation for fast real-time optimization + ROS support

Language: Rust - Size: 53.9 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 587 - Forks: 59

cvanaret/Uno

A highly customizable SQP & barrier solver for nonlinearly constrained optimization

Language: C++ - Size: 50.3 MB - Last synced at: 24 days ago - Pushed at: 24 days ago - Stars: 414 - Forks: 37

libprima/prima

PRIMA is a package for solving general nonlinear optimization problems without using derivatives. It provides the reference implementation for Powell's derivative-free optimization methods, i.e., COBYLA, UOBYQA, NEWUOA, BOBYQA, and LINCOA. PRIMA means Reference Implementation for Powell's methods with Modernization and Amelioration, P for Powell.

Language: Fortran - Size: 21.2 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 368 - Forks: 47

ZJU-FAST-Lab/LBFGS-Lite

LBFGS-Lite: A header-only L-BFGS unconstrained optimizer.

Language: C++ - Size: 67.4 KB - Last synced at: 7 months ago - Pushed at: over 2 years ago - Stars: 359 - Forks: 58

cog-imperial/OMLT

Represent trained machine learning models as Pyomo optimization formulations

Language: Python - Size: 13.1 MB - Last synced at: 8 days ago - Pushed at: 9 days ago - Stars: 338 - Forks: 68

abess-team/skscope

skscope: Sparse-Constrained OPtimization via itErative-solvers

Language: Python - Size: 23.2 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 331 - Forks: 16

infiniteopt/InfiniteOpt.jl

An intuitive modeling interface for infinite-dimensional optimization problems.

Language: Julia - Size: 16.1 MB - Last synced at: 2 days ago - Pushed at: 6 days ago - Stars: 304 - Forks: 23

jump-dev/NLopt.jl

A Julia interface to the NLopt nonlinear-optimization library

Language: Julia - Size: 268 KB - Last synced at: 16 days ago - Pushed at: 5 months ago - Stars: 278 - Forks: 47

Evolutionary-Intelligence/pypop

[JMLR (CCF-A)] PyPop7: A Pure-PYthon LibrarY for POPulation-based Black-Box Optimization (BBO), especially *Large-Scale* algorithm variants (from evolutionary computation, swarm intelligence, statistics, operations research, machine learning, mathematical optimization, meta-heuristics, auto-control etc.). [https://jmlr.org/papers/v25/23-0386.html]

Language: Python - Size: 959 MB - Last synced at: 16 days ago - Pushed at: 19 days ago - Stars: 272 - Forks: 39

HybridRobotics/NMPC-DCLF-DCBF

A collection of work using nonlinear model predictive control (NMPC) with discrete-time control Lyapunov functions (CLFs) and control barrier functions (CBFs)

Language: MATLAB - Size: 53.3 MB - Last synced at: 8 months ago - Pushed at: about 2 years ago - Stars: 267 - Forks: 47

lanl-ansi/Alpine.jl

A Julia/JuMP-based Global Optimization Solver for Non-convex Programs

Language: Julia - Size: 5.74 MB - Last synced at: 19 days ago - Pushed at: 22 days ago - Stars: 250 - Forks: 42

llnl/hiop

HPC solver for nonlinear optimization problems

Language: C++ - Size: 50.4 MB - Last synced at: 12 days ago - Pushed at: 13 days ago - Stars: 225 - Forks: 45

Bharath2/iLQR

iterative Linear Quadratic Regulator with constraints.

Language: Python - Size: 1.36 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 206 - Forks: 43

JuliaSmoothOptimizers/NLPModels.jl

Data Structures for Optimization Models

Language: Julia - Size: 5.77 MB - Last synced at: 2 days ago - Pushed at: 13 days ago - Stars: 185 - Forks: 37

lanl-ansi/Juniper.jl

A JuMP-based Nonlinear Integer Program Solver

Language: Julia - Size: 1.17 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 184 - Forks: 23

HybridRobotics/car-racing

A toolkit for testing control and planning algorithm for car racing.

Language: Python - Size: 38.8 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 180 - Forks: 35

ralna/GALAHAD

A library of modern Fortran modules for nonlinear optimization

Language: Fortran - Size: 203 MB - Last synced at: 11 days ago - Pushed at: about 1 month ago - Stars: 167 - Forks: 15

JohnDTill/ContinuumRobotExamples

An incremental guide to continuum robot mathematical modeling and numerical implementation. The examples are divided into chapters within the folder structure, and each chapter contains a PDF and code examples.

Language: C++ - Size: 13.7 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 141 - Forks: 44

jump-dev/Pajarito.jl

A solver for mixed-integer convex optimization

Language: Julia - Size: 10.8 MB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 138 - Forks: 21

raymondyfei/lbfgsb-gpu

An open source library for the GPU-implementation of L-BFGS-B algorithm

Language: C++ - Size: 76.2 KB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 133 - Forks: 20

clarkzinzow/Nonlinear-Optimization-Algorithms

MATLAB implementations of a variety of nonlinear programming algorithms.

Language: MATLAB - Size: 30.3 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 133 - Forks: 41

shaolinbit/minisam_lib

Lightweighted graph optimization (Factor graph) library.

Language: C++ - Size: 37.9 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 122 - Forks: 32

JuliaNonconvex/Nonconvex.jl

Toolbox for gradient-based and derivative-free non-convex constrained optimization with continuous and/or discrete variables.

Language: Julia - Size: 2.31 MB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 118 - Forks: 10

scipopt/SCIP.jl

Julia interface to SCIP solver

Language: Julia - Size: 1.38 MB - Last synced at: 29 days ago - Pushed at: about 1 month ago - Stars: 113 - Forks: 25

JuliaMPC/NLOptControl.jl

nonlinear control optimization tool

Language: Julia - Size: 23.1 MB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 110 - Forks: 27

pdfo/pdfo

Powell's Derivative-Free Optimization solvers.

Language: Fortran - Size: 4.05 MB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 106 - Forks: 26

dragonlong/articulated-pose

[CVPR 2020, Oral] Category-Level Articulated Object Pose Estimation

Language: Python - Size: 22.8 MB - Last synced at: almost 3 years ago - Pushed at: about 3 years ago - Stars: 99 - Forks: 14

numericalalgorithmsgroup/pybobyqa

Python-based Derivative-Free Optimization with Bound Constraints

Language: Python - Size: 8.99 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 90 - Forks: 19

julien-michot/tinyopt

A Super Fast Optimization Library

Language: C++ - Size: 901 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 87 - Forks: 2

ampl/amplpy

Python API for AMPL

Language: Cython - Size: 3.31 MB - Last synced at: 29 days ago - Pushed at: about 1 month ago - Stars: 81 - Forks: 19

coin-or/minotaur

Minotaur Toolkit for Mixed-Integer Nonlinear Optimization

Language: C++ - Size: 9.63 MB - Last synced at: 25 days ago - Pushed at: 26 days ago - Stars: 80 - Forks: 25

exanauts/ExaModels.jl

An algebraic modeling and automatic differentiation tool in Julia Language, specialized for SIMD abstraction of nonlinear programs.

Language: Julia - Size: 5.07 MB - Last synced at: 18 days ago - Pushed at: 19 days ago - Stars: 70 - Forks: 7

Simple-Robotics/proxsuite-nlp 📦

[ARCHIVED] Development continues at https://github.com/Simple-Robotics/aligator. [Old description] A primal-dual augmented Lagrangian solver for nonlinear programming on manifolds.

Language: C++ - Size: 2.08 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 68 - Forks: 13

numericalalgorithmsgroup/NAGPythonExamples

Examples and demos showing how to call functions from the nAG Library for Python

Language: Jupyter Notebook - Size: 21.8 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 61 - Forks: 23

jkaardal/pyipm

An interior-point method written in python for solving constrained and unconstrained nonlinear optimization problems.

Language: Python - Size: 556 KB - Last synced at: almost 3 years ago - Pushed at: about 4 years ago - Stars: 61 - Forks: 21

hftsoi/symbolfit

Automatic parametric modeling with symbolic regression

Language: Python - Size: 86.9 MB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 60 - Forks: 4

Eric-Bradford/UKF-SNMPC

This repository contains the source code for “Unscented Kalman filter stochastic nonlinear model predictive control” (UKF-SNMPC).

Language: Python - Size: 137 KB - Last synced at: 9 months ago - Pushed at: almost 3 years ago - Stars: 59 - Forks: 23

snopt/snopt-matlab

Matlab interface for sparse nonlinear optimizer SNOPT

Language: MATLAB - Size: 204 KB - Last synced at: 5 months ago - Pushed at: about 4 years ago - Stars: 57 - Forks: 24

nlesc-dirac/pytorch

Improved LBFGS and LBFGS-B optimizers in PyTorch.

Language: Python - Size: 364 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 55 - Forks: 4

Stefan-Endres/shgo

Simplicial Homology Global Optimization

Language: Python - Size: 42.2 MB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 53 - Forks: 12

lanl-ansi/rosetta-opf

AC-OPF Implementations in Various NLP Modeling Frameworks

Language: Julia - Size: 1.06 MB - Last synced at: 10 months ago - Pushed at: over 1 year ago - Stars: 53 - Forks: 13

polyfem/polysolve

Easy-to-use linear and non-linear solver

Language: C++ - Size: 773 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 51 - Forks: 19

hiroyuki-kasai/RSOpt

Riemannian stochastic optimization algorithms: Version 1.0.3

Language: MATLAB - Size: 7.62 MB - Last synced at: almost 3 years ago - Pushed at: about 3 years ago - Stars: 51 - Forks: 19

Eric-Bradford/Nominal_NMPC

A basic nonlinear model predictive control implementation using Casadi with Unscented Kalman filter state estimation

Language: Python - Size: 12.7 KB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 50 - Forks: 8

cog-imperial/galini

An extensible MINLP solver

Language: Python - Size: 2.51 MB - Last synced at: 4 months ago - Pushed at: 7 months ago - Stars: 44 - Forks: 5

fevrem/TROPIC

TROPIC: TRajectory OPtimization In CasADi

Language: C - Size: 122 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 43 - Forks: 11

numericalalgorithmsgroup/dfols

Python-based Derivative-Free Optimizer for Least-Squares

Language: Python - Size: 11.4 MB - Last synced at: 18 days ago - Pushed at: 21 days ago - Stars: 42 - Forks: 16

hanyas/trajopt

A toolbox for trajectory optimization of dynamical systems

Language: Python - Size: 1.22 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 41 - Forks: 13

MahanFathi/LQR-RRTstar

LQR-RRT* method is used for random motion planning of a simple pendulum in it's phase plot

Language: Matlab - Size: 5.86 KB - Last synced at: almost 3 years ago - Pushed at: almost 9 years ago - Stars: 41 - Forks: 19

maptor/maptor

MAPTOR: Multiphase Adaptive Trajectory Optimizer

Language: Python - Size: 302 KB - Last synced at: 4 months ago - Pushed at: 6 months ago - Stars: 39 - Forks: 1

PREDICT-EPFL/polympc

Light-weight C++ library for fast embedded nonlinear optimisation and optimal control

Language: C++ - Size: 8.41 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 39 - Forks: 9

AlabamaASRL/asset_asrl

Language: C++ - Size: 99.2 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 37 - Forks: 11

lanl-ansi/MINLPLib.jl

A JuMP-based library of Non-Linear and Mixed-Integer Non-Linear Programs

Language: Julia - Size: 380 MB - Last synced at: 6 months ago - Pushed at: about 2 years ago - Stars: 36 - Forks: 12

ZIB-IOL/Boscia.jl

Mixed-Integer Convex Programming: Branch-and-bound with Frank-Wolfe-based convex relaxations

Language: Julia - Size: 205 MB - Last synced at: 16 days ago - Pushed at: 17 days ago - Stars: 35 - Forks: 7

jacobwilliams/PowellOpt

Optimization algorithms by M.J.D. Powell

Language: Fortran - Size: 1.12 MB - Last synced at: 5 months ago - Pushed at: 10 months ago - Stars: 35 - Forks: 8

ijlee2/Isogeometric-Analysis 📦

Matlab library for Isogeometric Analysis

Language: Matlab - Size: 26.6 MB - Last synced at: 3 months ago - Pushed at: over 8 years ago - Stars: 33 - Forks: 15

tstran155/Optimization-of-building-energy-consumption

This repo demonstrates how to build a surrogate (proxy) model by multivariate regressing building energy consumption data (univariate and multivariate) and use (1) Bayesian framework, (2) Pyomo package, (3) Genetic algorithm with local search, and (4) Pymoo package to find optimum design parameters and minimum energy consumption.

Language: Jupyter Notebook - Size: 5.31 MB - Last synced at: 3 months ago - Pushed at: almost 3 years ago - Stars: 31 - Forks: 8

lindonroberts/trust-region

Python trust-region subproblem solvers for nonlinear optimization

Language: Python - Size: 109 KB - Last synced at: 18 days ago - Pushed at: 21 days ago - Stars: 29 - Forks: 3

grimme-lab/nlopt-f

Fortran bindings for the NLopt library

Language: Fortran - Size: 39.1 KB - Last synced at: 8 months ago - Pushed at: over 3 years ago - Stars: 29 - Forks: 7

ampl/colab.ampl.com

AMPL Model Colaboratory

Language: Jupyter Notebook - Size: 44.4 MB - Last synced at: 18 days ago - Pushed at: 20 days ago - Stars: 28 - Forks: 12

j-asefa/slsqp4j

A JVM wrapper for the popular SLSQP optimizer

Language: Java - Size: 422 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 27 - Forks: 7

FilippoAiraldi/casadi-nlp

Nonlinear Progamming with CasADi

Language: Python - Size: 3.47 MB - Last synced at: 18 days ago - Pushed at: 21 days ago - Stars: 26 - Forks: 2

cog-imperial/suspect

Special Structure Detection for Pyomo

Language: Python - Size: 1.21 MB - Last synced at: about 4 hours ago - Pushed at: over 3 years ago - Stars: 26 - Forks: 4

BertrandBev/nlopt-js

⚡ NLopt-js is a port of the NLopt C++ optimization library

Language: JavaScript - Size: 8.08 MB - Last synced at: 4 months ago - Pushed at: about 5 years ago - Stars: 25 - Forks: 2

ampl/mo-book.ampl.com Fork of fdabrandao/MO-book-with-AMPL

Hands-On Mathematical Optimization with AMPL in Python

Language: Jupyter Notebook - Size: 324 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 24 - Forks: 7

numericalalgorithmsgroup/dfogn

DFO-GN: Derivative-Free Optimization using Gauss-Newton

Language: Python - Size: 3.08 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 24 - Forks: 7

ichatzinikolaidis/CasADi.jl

Julia interface to CasADi via PyCall

Language: Julia - Size: 59.6 KB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 24 - Forks: 7

chrhansk/sleqp

An active set-based NLP solver

Language: C - Size: 3.65 MB - Last synced at: 2 months ago - Pushed at: about 2 years ago - Stars: 20 - Forks: 1

bertoldi-collab/DifFlexMM

Differentiable Flexible Mechanical Metamaterials

Language: Jupyter Notebook - Size: 38.2 MB - Last synced at: 9 months ago - Pushed at: about 1 year ago - Stars: 19 - Forks: 5

sshin23/MadDiff.jl

An automatic differentiation and algebraic modeling package

Language: Julia - Size: 4.63 MB - Last synced at: 7 months ago - Pushed at: about 3 years ago - Stars: 18 - Forks: 2

istellartech/GELATO

GELATO: GEneric LAunch Trajectory Optimizer

Language: Python - Size: 657 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 17 - Forks: 0

Artelys/knitro-modeling-examples

Nonlinear programming application examples solved with Artelys Knitro

Language: Jupyter Notebook - Size: 9.33 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 17 - Forks: 4

forieux/qmm

Python Quadratic Majorization-Minimization (MM) optimization algorithms of half-quadratic criteria. Inverses problems, image restoration, denoising, ...

Language: Python - Size: 797 KB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 17 - Forks: 3

ijlee2/Finite-Element-Analysis 📦

Matlab library for Finite Element Analysis

Language: Matlab - Size: 5.82 MB - Last synced at: 3 months ago - Pushed at: over 8 years ago - Stars: 17 - Forks: 6

iFR-ACSO/casos

CaΣoS is a nonlinear sum-of-squares optimization suite based on the symbolic framework of CasADi.

Language: MATLAB - Size: 3.29 MB - Last synced at: 19 days ago - Pushed at: 21 days ago - Stars: 16 - Forks: 0

fouratifares/ECP

Every Call is Precious: Global Optimization of Black-Box Functions with Unknown Lipschitz Constants

Language: Jupyter Notebook - Size: 520 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 16 - Forks: 0

ZL-Su/Matrice

A portable modern C++ primitive performance library for 3D Vision & Photo-Mechanics.

Language: C++ - Size: 67.5 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 16 - Forks: 3

Matthew-Lyu/Nonlinear-Numerical-Optimization-Methods

非线性数值优化方法的Matlab代码仓库Matlab code repository for nonlinear numerical optimization methods

Language: MATLAB - Size: 1.51 MB - Last synced at: 9 months ago - Pushed at: over 1 year ago - Stars: 16 - Forks: 0

ami-iit/paper_nava_2023_icra_fault-control-ironcub

Repository associated with the paper "Failure Detection and Fault Tolerant Control of a Jet-Powered Flying Humanoid Robot", published in IEEE ICRA 2023.

Language: MATLAB - Size: 345 KB - Last synced at: 4 months ago - Pushed at: about 2 years ago - Stars: 16 - Forks: 3

sovrasov/ags_nlp_solver

Derivative-free nonlinear global optimizer with python interface

Language: C++ - Size: 4.88 MB - Last synced at: 9 months ago - Pushed at: about 6 years ago - Stars: 16 - Forks: 6

ARMSLab/slmpc

Successive Linearization Model Predictive Control

Language: Matlab - Size: 141 KB - Last synced at: 10 months ago - Pushed at: almost 8 years ago - Stars: 16 - Forks: 13

ampl/rAMPL

R API for AMPL

Language: C++ - Size: 930 KB - Last synced at: 9 months ago - Pushed at: 10 months ago - Stars: 15 - Forks: 8

Shuvomoy/NExOS.jl

Nonconvex Exterior Point Operator Splitting

Language: Jupyter Notebook - Size: 93.8 KB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 15 - Forks: 0

madfolio/Least-Squares-Trilateration

Trilateration example using least squares method in scipy

Language: Jupyter Notebook - Size: 3.01 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 15 - Forks: 4

nathanrooy/bwo

Black Widow Optimization implemented in pure Python.

Language: Python - Size: 61.5 KB - Last synced at: 2 days ago - Pushed at: over 3 years ago - Stars: 14 - Forks: 1

nlesc-dirac/sagecal

SAGECal is a fast, memory efficient and GPU accelerated radio interferometric calibration program. It supports all source models including points, Gaussians and Shapelets. Distributed calibration using MPI and consensus optimization is enabled. Both spectral and spatial priors can be used as constraints. Tools to build/restore sky models are included.

Language: C - Size: 39.8 MB - Last synced at: 8 days ago - Pushed at: 10 days ago - Stars: 13 - Forks: 8

spillai/conda-recipes-slam

Building/Packaging SLAM Libraries with conda

Language: CMake - Size: 75.2 KB - Last synced at: 2 months ago - Pushed at: over 7 years ago - Stars: 13 - Forks: 2

pyrddlgym-project/pyRDDLGym-jax

JAX compilation of RDDL description files, and a differentiable planner in JAX.

Language: Python - Size: 33.3 MB - Last synced at: 21 days ago - Pushed at: 23 days ago - Stars: 12 - Forks: 3

anugrahjo/PySLSQP

A transparent Python interface to the SLSQP optimization algorithm, with advanced features and visualization capabilities.

Language: Python - Size: 3.45 MB - Last synced at: 3 days ago - Pushed at: 11 months ago - Stars: 12 - Forks: 2

sameer/orient-stl

Find the best orientation for 3D printing (FFF/FDM) STL files using constrained global nonlinear optimization (DIRECT algorithm)

Language: Mathematica - Size: 6.01 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 11 - Forks: 2

fdabrandao/amplopt.streamlit.app

AMPL Modeling Tips with Streamlit

Language: Python - Size: 1.98 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 10 - Forks: 7

dmeoli/optiml

Optimizers for/and sklearn compatible Machine Learning models

Language: Python - Size: 483 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 10 - Forks: 4

numericalalgorithmsgroup/dfbgn

Python solver for large-scale nonlinear least-squares minimization without derivatives

Language: Python - Size: 6.43 MB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 10 - Forks: 2

sunsided/optimization

(Nonlinear) optimization algorithms in C#

Language: C# - Size: 223 KB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 10 - Forks: 3

amkatrutsa/advanced-opt

Presentations of the advanced topics in optimization

Language: Jupyter Notebook - Size: 8.37 MB - Last synced at: almost 3 years ago - Pushed at: about 6 years ago - Stars: 10 - Forks: 4

optiprofiler/optiprofiler

Benchmarking optimization solvers.

Language: MATLAB - Size: 51.3 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 9 - Forks: 3

Related Topics
optimization 96 optimization-algorithms 32 python 32 numerical-optimization 27 nonlinear-programming 23 matlab 22 julia 20 constrained-optimization 19 mixed-integer-programming 16 global-optimization 13 unconstrained-optimization 13 model-predictive-control 12 mathematical-programming 12 optimal-control 12 machine-learning 10 robotics 10 ipopt 10 linear-programming 10 casadi 9 julia-language 9 derivative-free-optimization 9 quadratic-programming 9 convex-optimization 9 trajectory-optimization 9 nonlinear-dynamics 8 gradient-descent 8 control-systems 8 mixed-integer-optimization 8 modeling-language 8 ampl 8 pyomo 7 optimization-methods 7 scientific-computing 7 solver 7 numerical-analysis 7 automatic-differentiation 7 fortran 7 blackbox-optimization 6 newton-method 6 mathematical-optimization 6 interior-point-method 6 nlopt 6 nonconvex-optimization 6 integer-programming 6 cpp 6 nonlinear-control 6 black-box-optimization 5 zeroth-order-optimization 5 integer-linear-programming 5 r 5 java 5 deep-learning 5 numerical-methods 5 control 5 optimization-tools 5 nonlinear-optimization-algorithms 5 nonlinear 5 newtons-method 5 mpc 5 milp 4 linear-optimization 4 mip 4 non-convex-optimization 4 mathematical-modelling 4 differential-equations 4 dynamic-programming 4 lbfgs 4 stochastic-optimization 4 chemical-engineering 4 optimizer 4 mathematics 4 non-linear-optimization 4 least-squares 4 levenberg-marquardt 4 mixed-integer-nonlinear-programming 4 bfgs 4 machine-learning-algorithms 4 simulation 4 conjugate-gradient 4 snopt 4 nonlinear-programming-algorithms 4 evolutionary-algorithms 3 benchmarking 3 gauss-newton 3 parallel-computing 3 genetic-algorithm 3 nonlinear-equations 3 mpc-control 3 conic-optimization 3 minlp 3 minlp-solver 3 scipy 3 planning 3 nonlinear-regression 3 slsqp 3 benchmarks 3 network-optimization 3 bayesian-optimization 3 ilqr 3 augmented-lagrangian-method 3