Topic: "stochastic-optimization"
ebrahimpichka/awesome-optimization
A curated list of mathematical optimization courses, lectures, books, notes, libraries, frameworks and software.
Size: 46.9 KB - Last synced at: 10 days ago - Pushed at: 4 months ago - Stars: 417 - Forks: 42

esa/pygmo2
A Python platform to perform parallel computations of optimisation tasks (global and local) via the asynchronous generalized island model.
Language: C++ - Size: 13.9 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 402 - Forks: 54

odow/SDDP.jl
A JuMP extension for Stochastic Dual Dynamic Programming
Language: Julia - Size: 24.2 MB - Last synced at: 7 days ago - Pushed at: 8 days ago - Stars: 322 - Forks: 65

infiniteopt/InfiniteOpt.jl
An intuitive modeling interface for infinite-dimensional optimization problems.
Language: Julia - Size: 13.6 MB - Last synced at: 9 days ago - Pushed at: about 1 month ago - Stars: 269 - Forks: 21

ACDSLab/MPPI-Generic
Templated C++/CUDA implementation of Model Predictive Path Integral Control (MPPI)
Language: Cuda - Size: 9.76 MB - Last synced at: 16 days ago - Pushed at: about 1 month ago - Stars: 125 - Forks: 14

keurfonluu/stochopy
Python library for stochastic numerical optimization
Language: Python - Size: 2.32 MB - Last synced at: 9 days ago - Pushed at: almost 2 years ago - Stars: 97 - Forks: 15

rwuilbercq/Hive
Artificial Bee Colony Algorithm in Python.
Language: Python - Size: 73.2 KB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 90 - Forks: 44

Argonne-National-Laboratory/DSP
An open-source parallel optimization solver for structured mixed-integer programming
Language: C++ - Size: 64.1 MB - Last synced at: 9 days ago - Pushed at: almost 2 years ago - Stars: 82 - Forks: 26

cmdty/storage
Multi-Factor Least Squares Monte Carlo energy storage valuation model (Python and .NET).
Language: C# - Size: 107 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 66 - Forks: 27

hiroyuki-kasai/RSOpt
Riemannian stochastic optimization algorithms: Version 1.0.3
Language: MATLAB - Size: 7.62 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 51 - Forks: 19

pmocz/mcmc-python
Create Your Own Metropolis-Hastings Markov Chain Monte Carlo Algorithm for Bayesian Inference (With Python)
Language: Python - Size: 232 KB - Last synced at: 9 days ago - Pushed at: almost 2 years ago - Stars: 41 - Forks: 7

zeke-xie/stable-weight-decay-regularization
[NeurIPS 2023] The PyTorch Implementation of Scheduled (Stable) Weight Decay.
Language: Python - Size: 40 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 35 - Forks: 3

SimpleArt/spsa
A simple implementation of SPSA with automatic learning rate tuning
Language: Python - Size: 220 KB - Last synced at: 7 days ago - Pushed at: almost 3 years ago - Stars: 33 - Forks: 0

jiedxu/MatrixOptim.jl
Data-driven decision making under uncertainty using matrices
Language: Julia - Size: 71.2 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 31 - Forks: 6

jbrea/CMAEvolutionStrategy.jl
A julia implementation of the CMA Evolution Strategy for derivative-free optimization of potentially non-linear, non-convex or noisy functions over continuous domains.
Language: Julia - Size: 140 KB - Last synced at: 19 days ago - Pushed at: over 2 years ago - Stars: 31 - Forks: 2

cshjin/awesome-nonconvex-optimization
A collection of papers and readings for non-convex optimization
Size: 16.6 KB - Last synced at: 12 days ago - Pushed at: about 6 years ago - Stars: 31 - Forks: 5

tomoleary/hessianlearn
Hessian-based stochastic optimization in TensorFlow and keras
Language: Python - Size: 4.21 MB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 28 - Forks: 3

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: 7 days ago - Pushed at: about 2 years ago - Stars: 27 - Forks: 6

mingzhang-yin/ARM-gradient
Low-variance, efficient and unbiased gradient estimation for optimizing models with binary latent variables. (ICLR 2019)
Language: Python - Size: 43.5 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 27 - Forks: 9

jacobwilliams/simulated-annealing
Simulated Annealing with Modern Fortran
Language: Fortran - Size: 805 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 26 - Forks: 5

madupite/madupite
a High-Performance Distributed Solver for Large-Scale Markov Decision Processes (MDP) relying on Inexact Policy Iteration; for Python and C++
Language: C++ - Size: 36.5 MB - Last synced at: 7 days ago - Pushed at: 14 days ago - Stars: 25 - Forks: 1

zeke-xie/Positive-Negative-Momentum
The official PyTorch Implementations of Positive-Negative Momentum Optimizers (ICML 2021).
Language: Python - Size: 180 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 25 - Forks: 6

Bhattacharya-Lab/PolyFold
An interactive visual simulator for distance-based protein folding
Language: Java - Size: 646 MB - Last synced at: 4 months ago - Pushed at: about 4 years ago - Stars: 24 - Forks: 6

harshraj11584/Paper-Implementation-Overview-Gradient-Descent-Optimization-Sebastian-Ruder
[Python] [arXiv/cs] Paper "An Overview of Gradient Descent Optimization Algorithms" by Sebastian Ruder
Language: Python - Size: 58.6 KB - Last synced at: 11 months ago - Pushed at: about 6 years ago - Stars: 22 - Forks: 6

leoschleier/sddip
Implementation of the (dynamic) stochastic dual dynamic integer programming (SDDiP) algorithm.
Language: Jupyter Notebook - Size: 4.35 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 19 - Forks: 5

jmaerte/pysmps
Utilities for parsing MPS and SMPS file formats.
Language: Python - Size: 68.4 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 18 - Forks: 4

JuliaOptimalTransport/StochasticOptimalTransport.jl
Julia implementation of stochastic optimization algorithms for large-scale optimal transport.
Language: Julia - Size: 139 KB - Last synced at: 20 days ago - Pushed at: almost 4 years ago - Stars: 17 - Forks: 2

lbl-camera/fvGP
A software package for flexible HPC GPs
Language: Python - Size: 28 MB - Last synced at: 7 days ago - Pushed at: about 2 months ago - Stars: 16 - Forks: 4

prs98/Electric_Vehicle_Charging_Simulation
The goal of this project is to build a simulation model to determine the largest expected revenue from an electric vehicle charging station in a one month time period given the storage capacity, charging grid change costs, demand and supply.
Language: MATLAB - Size: 268 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 16 - Forks: 0

hiroyuki-kasai/SimpleDeepNetToolbox
Simple MATLAB toolbox for deep learning network: Version 1.0.3
Language: Matlab - Size: 83 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 16 - Forks: 10

rockstaedt/ses_opt
Framework to model two stage stochastic unit commitment optimization problems.
Language: Python - Size: 83.6 MB - Last synced at: 3 days ago - Pushed at: almost 4 years ago - Stars: 14 - Forks: 3

david-cortes/stochQN 📦
(Python, Tensorflow, R, C, C++) Stochastic, limited-memory quasi-Newton optimizers (adaQN, SQN, oLBFGS)
Language: R - Size: 400 KB - Last synced at: about 1 month ago - Pushed at: about 4 years ago - Stars: 12 - Forks: 7

cshjin/Microgrid_sim
Language: Python - Size: 49.1 MB - Last synced at: 10 months ago - Pushed at: about 10 years ago - Stars: 12 - Forks: 4

alexforel/Explainable-CSO
Code for "Explainable Data-Driven Optimization" (ICML 2023)
Language: Python - Size: 29.6 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 11 - Forks: 0

kul-optec/CIAOAlgorithms.jl
Coordinate and Incremental Aggregated Optimization Algorithms
Language: Julia - Size: 85.9 KB - Last synced at: 2 days ago - Pushed at: almost 2 years ago - Stars: 10 - Forks: 4

edgarsmdn/TS
Tabu Search algorithm
Language: Python - Size: 1.2 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 10 - Forks: 3

jmdvinodjmd/LIBS2ML
LIBS2ML: A Library for Scalable Second Order Machine Learning Algorithms
Language: C++ - Size: 221 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 9 - Forks: 7

kibaekkim/SIPLIB.jl
Test instance generation and library for stochastic mixed-integer programming
Language: Julia - Size: 221 MB - Last synced at: 22 days ago - Pushed at: 5 months ago - Stars: 8 - Forks: 1

keurfonluu/StochANNPy
StochANNPy (STOCHAstic Artificial Neural Network for PYthon) provides user-friendly routines compatible with Scikit-Learn for stochastic learning.
Language: Python - Size: 169 KB - Last synced at: 2 months ago - Pushed at: about 7 years ago - Stars: 8 - Forks: 4

keurfonluu/StochOptim
StochOptim provides user friendly functions to solve optimization problems using stochastic algorithms
Language: Fortran - Size: 77.1 KB - Last synced at: 10 months ago - Pushed at: about 7 years ago - Stars: 8 - Forks: 2

aurorlhc/3D_Reconstruction_Tomography
Stochastic reconstruction of heterogeneous materials using X-ray tomography projections
Language: C++ - Size: 89.7 MB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 8 - Forks: 6

tomoleary/MatrixFreeNewton.jl
Prototyping of matrix free Newton methods in Julia
Language: Julia - Size: 96.7 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 0

copa-uniandes/pIRPgym
A compilation of OR tools for the Stochastic-Dynamic perishable Inventory Routing Problem.
Language: Jupyter Notebook - Size: 54.6 MB - Last synced at: 8 months ago - Pushed at: about 1 year ago - Stars: 6 - Forks: 3

KenChiang1997/Robust-and-Stochastic-Portfolio-Optimization
NTHU 2021 Fall, Robust and Stochastic Portfolio Optimization
Language: Jupyter Notebook - Size: 1.49 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 0

tuantran23012000/Stochastic-logistic-sigmoid-regression
Language: Python - Size: 688 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 6 - Forks: 0

keurfonluu/StochOPy-WebApp
StochOPy WebApp is hosted online at
Language: Python - Size: 117 KB - Last synced at: 10 months ago - Pushed at: over 7 years ago - Stars: 6 - Forks: 4

Pegah-Ardehkhani/Optimization-Problems-and-Solutions
A repository dedicated to the mathematical modeling and solution of optimization problems, featuring practical examples in Stochastic Programming, Linear Programming (LP), and Mixed-Integer Linear Programming (MILP)
Language: Jupyter Notebook - Size: 1.35 MB - Last synced at: 18 days ago - Pushed at: 4 months ago - Stars: 5 - Forks: 0

NanneD/SOLT
Stochastic Optimization Learning Tool
Language: Jupyter Notebook - Size: 2.98 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 5 - Forks: 7

Lingkai-Kong/so-ebm
Code for paper: End-to-end Stochastic Optimization with Energy-based Model
Language: Python - Size: 884 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 5 - Forks: 0

cyypherus/swift-slime
A lightweight stochastic optimizer based on slime mold (Slime Mold Algorithm)
Language: Swift - Size: 41 MB - Last synced at: 19 days ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 0

poluyan/BFOA
Bacterial Foraging Optimization Algorithm in C
Language: C - Size: 809 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 5 - Forks: 5

redb0/gotpy
Library for global optimization of multiextremal nondifferentiable functions.
Language: Python - Size: 42 KB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 0

madhura711/LENOVO---Stochastic-Optimization-and-Predictive-Modeling
Language: R - Size: 6.09 MB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 1

qzhao19/sgdlib
A header-only C++ Library for Optimization Algorithms
Language: C++ - Size: 477 KB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 4 - Forks: 0

Matrixeigs/Optimization-techniques-and-applications-in-energy-systems
Modelling and optimization for microgrids, energy hubs, distribution systems and transmission systems
Language: JetBrains MPS - Size: 37.1 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

swd-turner/scenario
scenario - an R package for scenario tree construction
Language: R - Size: 1.11 MB - Last synced at: 10 months ago - Pushed at: almost 3 years ago - Stars: 4 - Forks: 1

nocotan/cocob_backprop
Unofficial PyTorch implementation of COCOB Backprop.
Language: Python - Size: 126 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 0

morozov22/SmartRunner
Python3 code for gradient-free global optimization
Language: Python - Size: 1.32 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 3 - Forks: 0

MaloLM/optimization-algorithms-guide
A Jupyter notebooks guide to handle optimization algorithms, for engineers & students
Language: HTML - Size: 109 MB - Last synced at: 3 days ago - Pushed at: 6 months ago - Stars: 3 - Forks: 0

cor3bit/somax
Stochastic Second-Order Methods in JAX
Language: Python - Size: 445 KB - Last synced at: 2 days ago - Pushed at: 7 months ago - Stars: 3 - Forks: 1

PasaOpasen/BeehiveMethod
Implementation of beehive method (particle swarm optimization) for global optimization of multidimentional functions
Language: Python - Size: 71.7 MB - Last synced at: 7 days ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 2

omid-arhami/stochastic-processes
Some sample codes for basic or complicated stochastic processes and simulations. Check the file names.
Language: Jupyter Notebook - Size: 80.1 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

tqch/esgd-ws
Language: Python - Size: 23.9 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 1

aruns2/POD_DABP
Constrained Optimization: Point of Dispense distribution under large scale health emergencies for Allegheny County modeled as Two-Stage Stochastic Optimization
Language: Jupyter Notebook - Size: 6.84 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 0

torressa/glovo 📦
Some work I did for an interview for a job as a data scientist optimisation specialist
Language: Python - Size: 892 KB - Last synced at: 10 days ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

niravnb/Zeroth-Order-Stochastic-Optimization
Code for experiments in paper: Non-Asymptotic Bounds for Zeroth-Order Stochastic Optimization
Language: MATLAB - Size: 79.1 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 1

jiedxu/StochasticOptim 📦
Stochastic Optimization and ARIMA Model Forecast in Julia to Manage Airline Fleet
Language: PostScript - Size: 1.59 MB - Last synced at: 4 months ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 2

kaydotdev/stochastic-quantization
Robust and Scalable Clustering with Adaptive Stochastic K-means
Language: Jupyter Notebook - Size: 16.6 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 2 - Forks: 0

trwstin/AMMO
TikTok Advertisement-Moderator Matching Optimizer
Language: CSS - Size: 39.1 KB - Last synced at: 4 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

LorenzoSciandra/Dynamic-vehicle-routing-problem-with-stochastic-customer-requests-and-multiple-delivery-routes
Dynamic vehicle routing problem with stochastic customer requests, multiple delivery routes and same-day deliver.
Language: C++ - Size: 31.7 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

borelian/AdaptiveBenders
Code and computational experiments of the paper "Benders Adaptive-Cuts Method for Two-Stage Stochastic Programs" by Cristian RamÃrez-Pico, Ivana Ljubić and Eduardo Moreno. arXiv:2203.00752
Language: Jupyter Notebook - Size: 340 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

sraaphorst/sudoku-stochastic
Solving Sudoku boards using stochastic methods and genetic algorithms
Language: C++ - Size: 201 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

energyinpython/EVO-SPOTIS
This is Python 3 library for multi-criteria decision analysis with decision-maker preference identification based on historical datasets using evolutionary stochastic algorithm Differential evolution
Language: Python - Size: 472 KB - Last synced at: 10 days ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

AdamWonia/coyote-optimisation-algorithm-COA-matlab
Coyote Optimisation Algorithm - COA
Language: MATLAB - Size: 40 KB - Last synced at: about 2 months ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 2

sharath/gan-learning
An empirical evaluation of learning strategies for GANs
Language: Jupyter Notebook - Size: 452 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

siavashtab/readSMPS-CPP
reading SMPS format files in C++ (Two-stage stochastic programs with fixed recourse)
Language: C++ - Size: 363 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 1

edgarsmdn/PSO
Particle Swarm Optimization algorithm
Language: Python - Size: 1.47 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

daniilperestoronin/smoo-alg
Algorithm for solving stochastic multi-objective optimization problem
Language: Python - Size: 13.7 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 1

redb0/global-optimization
Application for global optimization of multiextremal nondifferentiable functions.
Language: Python - Size: 1.5 MB - Last synced at: 2 months ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 0

ralna/GOFit
Global Optimization for Fitting Problems
Language: C++ - Size: 3.07 MB - Last synced at: 7 days ago - Pushed at: 6 months ago - Stars: 1 - Forks: 2

roaked/snake-evolutionary-reinforcement-learning
parameter optimization of a reinforcement learning deep Q network with memory replay buffer using genetic algorithm in the snake game. base code for snake env from codecamp
Language: Python - Size: 26.6 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 2

benkoehlL/Simulated_Annealing_Production
Simulated Annealing method for solution of the optimal sequencing and allocation in the one-stage job-shop model
Language: Jupyter Notebook - Size: 26.7 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

EgoPer/Contextual-Robust-Optimisation-with-UQ
Code for the experiments in the paper "Contextual Robust Optimisation with Uncertainty Quantification".
Language: Python - Size: 1.32 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

liangzp/DP-Streaming-SCO
Official Implementation of On Optimal Private Online Stochastic Optimization and High Dimensional Decision Making
Language: Jupyter Notebook - Size: 1.24 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

juanfran143/RVRP
Rich Vehicle Rounting Problem (RVRP)
Language: Python - Size: 6.59 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

dmottice20/learning-rl
Work to store exercises and explorations on Dr. Powell's RLSO.
Language: Python - Size: 4.88 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

SachaIZADI/stochastic-optimization
One-week side project to play around stochastic optimization (how to take *good* decisions under uncertainty)
Language: Python - Size: 15.4 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 2

MohammadSadeghSalehi/SQN-and-SGD
Stochastic Quasi-Newton Method (SQN) and comparing it with SGD
Language: Jupyter Notebook - Size: 95.7 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Nicolivain/trustful-bandits
A two armed bandit simulation and comparison with theoritical convergence
Language: Jupyter Notebook - Size: 28.9 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

PasaOpasen/DiscreteHillClimbing
implementation of Hill Climbing algorithm for discrete tasks
Language: Python - Size: 28.3 KB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

joshuagornall/Sudoku_Solver
Originally a visualisation tool for solving sudokus using stochastic optimisation that has been optimised utilising a genetic algorithm for research. This project was pushed for a GitHub Developer Member invitation.
Language: Python - Size: 32 MB - Last synced at: 5 months ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 1

poluyan/PEPSGO
Peptide structure prediction by global optimization of a potential energy function
Language: C++ - Size: 3.51 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

rish-16/Simulated-Annealing-Attack
Attacking Neural Networks using Stochastic Optimisation
Language: Python - Size: 630 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

houshuanglucie/Stochastic-optimization
Course of Stochastic Optimization in ISAE-SUPAERO
Language: Jupyter Notebook - Size: 28.8 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

sotostzam/particle-swarm-optimization
Particle Swarm Optimization Python implementation
Language: Python - Size: 124 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

gianluigilopardo/Reinforcement-Learning
My solution of a simple Reinforcement learning problem
Language: MATLAB - Size: 86.9 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

sg-first/Job-scheduling-layout-problems
Ant colony algorithm solves the problem of job scheduling and layout
Size: 50.8 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

siavashtab/readSMPS-Py
reading SMPS files in Python (A Python package for reading SMPS files using GUROBI optimizer objects)
Language: Python - Size: 96.7 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

edgarsmdn/GA
Genetic Algorithm
Language: Python - Size: 1.77 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

edgarsmdn/SA
Simulated Annealing algorithm
Language: Python - Size: 3.33 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0
