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

GitHub topics: optimization-algorithms

optimatika/ojAlgo

oj! Algorithms

Language: Java - Size: 75.3 MB - Last synced at: about 2 hours ago - Pushed at: about 10 hours ago - Stars: 492 - Forks: 217

kodok13/Label-Free-RLVR

📚 Explore a curated collection of research on Label-Free Reinforcement Learning with Verifiable Rewards for enhancing Large Language Models.

Size: 204 KB - Last synced at: about 17 hours ago - Pushed at: about 18 hours ago - Stars: 0 - Forks: 0

SalomePlatform/adao

ADAO - SALOME module for Data Assimilation and Optimization

Language: Python - Size: 29 MB - Last synced at: about 10 hours ago - Pushed at: about 18 hours ago - Stars: 1 - Forks: 1

kier091995/BESS-Pricing

🔋 Optimize battery dispatch using a rainflow-aware DQN that tracks degradation and enhances performance with advanced features for reliable results.

Language: Python - Size: 1.3 MB - Last synced at: about 22 hours ago - Pushed at: about 22 hours ago - Stars: 0 - Forks: 0

Nisu692/The-X-Factors

A Energy, Power and Cost Optimization Solution powered by AI, Created by the Team X- Factors

Size: 1.95 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

tsyet12/EvoOpt

Python implementation of state-of-art meta-heuristic and evolutionary optimization algorithms.

Language: Python - Size: 866 KB - Last synced at: about 9 hours ago - Pushed at: over 3 years ago - Stars: 12 - Forks: 1

yelurebajrang/HeteroRL_GEPO

âš¡ Optimize heterogeneous reinforcement learning with GEPO for decentralized AI training, tackling policy staleness in large models effectively.

Language: Python - Size: 2.61 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 0 - Forks: 0

tianshijing/ScalingOpt

ScalingOpt - Optimization Community

Language: HTML - Size: 75.6 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 54 - Forks: 0

voaidesr/MergeMe

2nd place winner of SAP Challenge @ HackItAll 2025: A logistics optimization tool designed to minimize cost in flight kit loading.

Language: TypeScript - Size: 1.29 MB - Last synced at: 2 days ago - Pushed at: 3 days ago - Stars: 2 - Forks: 0

lixilinx/psgd_torch

Pytorch implementation of preconditioned stochastic gradient descent (Kron and affine preconditioner, low-rank approximation preconditioner and more)

Language: Python - Size: 3.17 MB - Last synced at: 2 days ago - Pushed at: 3 days ago - Stars: 188 - Forks: 12

aneeuk/four-sided-triangle

A sophisticated multi-model optimization pipeline for domain-expert knowledge extraction RAG systems

Language: Python - Size: 6.57 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

anggaumhar/dynamicvl

🌆 Benchmark multimodal large language models to enhance understanding of dynamic city environments and improve urban data analysis.

Size: 1.29 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

morinim/ultra

Framework for Evolutionary Algorithms

Language: C++ - Size: 3.76 MB - Last synced at: 2 days ago - Pushed at: 5 days ago - Stars: 10 - Forks: 2

vrettasm/PyGeneticAlgorithms

This repository implements a genetic algorithm (GA) in Python3 programming language, using only Numpy and Joblib as additional libraries. It provides a basic StandardGA model as well as a more advanced IslandModelGA that evolves in parallel several different populations..

Language: Python - Size: 25.6 MB - Last synced at: 4 days ago - Pushed at: 5 days ago - Stars: 3 - Forks: 2

hashim21223445/morni-nextjs-toolbox

Andoka Cloud.mdConfig files for my GitHub profile.

Language: JavaScript - Size: 654 KB - Last synced at: 1 day ago - Pushed at: 5 days ago - Stars: 1 - Forks: 0

alexfikl/pycgdescent

Python wrapper for CG_DESCENT.

Language: C - Size: 4.69 MB - Last synced at: 1 day ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

WilliamLwj/PyXAB

PyXAB - A Python Library for X-Armed Bandit and Online Blackbox Optimization Algorithms

Language: Python - Size: 13.8 MB - Last synced at: 4 days ago - Pushed at: about 1 year ago - Stars: 125 - Forks: 30

ahundt/awesome-robotics

A curated list of awesome links and software libraries that are useful for robots.

Size: 190 KB - Last synced at: 6 days ago - Pushed at: almost 2 years ago - Stars: 1,276 - Forks: 173

NiaOrg/NiaPy

Python microframework for building nature-inspired algorithms. Official docs: https://niapy.org

Language: Python - Size: 11.6 MB - Last synced at: 4 days ago - Pushed at: 5 days ago - Stars: 271 - Forks: 83

IseanB/Neural-Signal-Processing Fork of cffan/neural_seq_decoder

Neural Decoder Optimization: A Comparative Study of Modern Optimizers

Language: Jupyter Notebook - Size: 4.91 MB - Last synced at: 3 days ago - Pushed at: 6 days ago - Stars: 1 - Forks: 0

vinbhaskara/AdamS

PyTorch Code for the Paper: "Exploiting Uncertainty of Loss Landscape for Stochastic Optimization [Bhaskara et al. (2019)]

Language: Python - Size: 1.6 MB - Last synced at: 4 days ago - Pushed at: 6 days ago - Stars: 15 - Forks: 1

thomasWeise/moptipy

Implementation of metaheuristic optimization methods in Python for scientific, industrial, and educational scenarios. Experiments can be executed in parallel or in a distributed fashion. Experimental results can be evaluated in various ways, including diagrams, tables, and export to Excel.

Language: Python - Size: 7.25 MB - Last synced at: 3 days ago - Pushed at: 6 days ago - Stars: 29 - Forks: 3

Kaeryv/Hybris

Particle Swarm Optimizer with fuzzy parameter control

Language: C - Size: 1.95 MB - Last synced at: 3 days ago - Pushed at: 6 days ago - Stars: 1 - Forks: 0

danymukesha/BioGA

Apply multi-objective genetic algorithms to genomic data for biologically informed feature selection and pattern discovery.

Language: C++ - Size: 13.6 MB - Last synced at: 3 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

edelgadoh/algorithm_challenges

Some useful algorithms that I usually review before any Software Engineer interview. The implementation is on Java. I added other common computer science problems with a good solution looking for optimization and clean code.

Language: Java - Size: 200 KB - Last synced at: 3 days ago - Pushed at: 7 days ago - Stars: 1 - Forks: 0

AidinHamedi/Optimizer-Benchmark

A benchmarking suite for evaluating PyTorch optimization algorithms on 2D mathematical functions (optimizer benchmark)

Language: Python - Size: 655 MB - Last synced at: about 7 hours ago - Pushed at: about 16 hours ago - Stars: 9 - Forks: 0

HaaLeo/swarmlib

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)

Language: Python - Size: 192 MB - Last synced at: 6 days ago - Pushed at: almost 5 years ago - Stars: 563 - Forks: 110

The-Best-Codes/best-image-optimizer

Open source code for my Next JS image optimizer app

Language: TypeScript - Size: 483 KB - Last synced at: 4 days ago - Pushed at: 7 days ago - Stars: 2 - Forks: 0

gemseo/gemseo

Generic Engine for Multi-disciplinary Scenarios, Exploration and Optimization. This is a MIRROR of our gitlab repository, the development activity and support happen over there.

Language: Python - Size: 179 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 30 - Forks: 2

estellederrien/python-optimizations

My Management science, and Mathematical Engineering Optimizations python notebooks.

Language: Jupyter Notebook - Size: 188 MB - Last synced at: 6 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

akinetic/crab-analysis

Universal algorithm for deterministic resolution of alternating-turn games, based on the Gn/Px/Tz framework and backward induction.

Size: 72.3 KB - Last synced at: 7 days ago - Pushed at: 9 days ago - Stars: 2 - Forks: 0

KanuTomer/Dissertation-3L-SDVRP

Hybrid GA + 3D box packing pipeline for vehicle loading and routing. Includes replicates, repair algorithms, automated summaries and figures for research reproducibility.

Language: Python - Size: 305 KB - Last synced at: 5 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

DavidStojani/Traveling-Salesman

Project about visualizing the optimization of a given TSP tour using JAVAFX

Language: Java - Size: 16.5 MB - Last synced at: 5 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

future-agi/agent-opt

Open Source Library for Automated Optimization of AI Agent Workflows

Language: Python - Size: 665 KB - Last synced at: 5 days ago - Pushed at: 8 days ago - Stars: 45 - Forks: 3

mcnaim0/Optimal_Engine_Crankshaft_Fatigue_Life_using_XGBoost

Optimizing engine crankshaft fatigue life using XGBoost

Language: Jupyter Notebook - Size: 306 KB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

Manoj00712025/WNN

📡 Fetch news articles easily with this API, designed to run locally in VS Code. Ideal for developers seeking reliable news integration.

Language: JavaScript - Size: 1.84 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

jorge-martinez-gil/oruga

Optimizing Readability Using Genetic Algorithms

Language: Python - Size: 292 KB - Last synced at: 6 days ago - Pushed at: 9 days ago - Stars: 20 - Forks: 2

atraplet/clarabel4j

Clarabel Solver for Java

Language: Java - Size: 156 KB - Last synced at: 6 days ago - Pushed at: 9 days ago - Stars: 11 - Forks: 1

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: 8 days ago - Pushed at: 9 days ago - Stars: 271 - Forks: 39

syed-azim-git/Dichotomous-and-Golden-Section-Search

Implementation of dichotomous search algorithm in MATLAB

Language: MATLAB - Size: 12.7 KB - Last synced at: 6 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0

amr-yasser226/primal-dual-ipm

Scientific implementation and evaluation of primal-dual interior point methods for linear programming, including Mehrotra’s predictor-corrector algorithm, with an accompanying PDF report detailing methodology, experiments, and results.

Language: Jupyter Notebook - Size: 903 KB - Last synced at: 7 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 0

atraplet/highs4j-native

HiGHS Solver for Java Native Libraries

Language: Java - Size: 77.1 KB - Last synced at: 7 days ago - Pushed at: 10 days ago - Stars: 2 - Forks: 0

numericalalgorithmsgroup/pybobyqa

Python-based Derivative-Free Optimization with Bound Constraints

Language: Python - Size: 8.99 MB - Last synced at: 8 days ago - Pushed at: 10 days ago - Stars: 90 - Forks: 19

lindonroberts/trust-region

Python trust-region subproblem solvers for nonlinear optimization

Language: Python - Size: 102 KB - Last synced at: 8 days ago - Pushed at: 10 days ago - Stars: 29 - Forks: 3

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: 8 days ago - Pushed at: 10 days ago - Stars: 16 - Forks: 0

cvanaret/Uno

A highly customizable SQP & barrier solver for nonlinearly constrained optimization

Language: C++ - Size: 50.2 MB - Last synced at: 11 days ago - Pushed at: 13 days ago - Stars: 408 - Forks: 37

Sorcerer4/Levenberg-Marquardt-algorithm

Simple algoritm that uses Levenberg–Marquardt algorithm to solve nonlinear optimisation problems. The method is based Newton's method for optimsation but adds a damping factor to the hessian matrix in order to always ensure descent direction. This results in improved reliability by avoiding saddle points, compared to the newton method.

Language: MATLAB - Size: 90.8 KB - Last synced at: 10 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

8b-is/smart-tree

Smart Tree: not just a tree, a philosophy. A context-aware, AI-crafted replacement for 20+ tools with MEM8 quantum compression, semantic search, AST-smart editing, and partnership memory. Crafted with care by human + AI—accept no knock-offs.

Language: Rust - Size: 143 MB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 181 - Forks: 17

lucidfrontier45/tree_traversal

A Rust library for finding the optimal leaf node in a tree structure.

Language: Rust - Size: 32.2 KB - Last synced at: 10 days ago - Pushed at: 12 days ago - Stars: 2 - Forks: 0

TimefoldAI/timefold-solver

The open source Solver AI for Java and Kotlin to optimize scheduling and routing. Solve the vehicle routing problem, employee rostering, task assignment, maintenance scheduling and other planning problems.

Language: Java - Size: 255 MB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 1,508 - Forks: 166

omnianasa/Velora

Velora is an energy-aware adaptive optimizer designed to balance learning stability and adaptivity. It regulates learning rate and momentum using an energy budgeting mechanism inspired by physical systems.

Language: Python - Size: 81.2 MB - Last synced at: 11 days ago - Pushed at: 12 days ago - Stars: 1 - Forks: 0

AkshayPratapSingh09/Dev-Revival

Language: Java - Size: 286 KB - Last synced at: 12 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 0

GermanHeim/globalsearch-rs

A multistart framework for global optimization with scatter search and local NLP solvers written in Rust

Language: Rust - Size: 2.44 MB - Last synced at: 10 days ago - Pushed at: 13 days ago - Stars: 25 - Forks: 1

lucidfrontier45/localsearch

Rust library for local search optimization

Language: Rust - Size: 190 KB - Last synced at: 11 days ago - Pushed at: 13 days ago - Stars: 12 - Forks: 0

PJarbas/rackopt

Resources Allocation Simulator for developing and testing reinforcement learning algorithms.

Language: Python - Size: 672 KB - Last synced at: 11 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 0

cvxgrp/cvxportfolio

Portfolio optimization and back-testing.

Language: Python - Size: 324 MB - Last synced at: 13 days ago - Pushed at: 14 days ago - Stars: 1,134 - Forks: 281

gerlero/mutax

🎯 SciPy-like differential evolution optimization in JAX

Language: Python - Size: 805 KB - Last synced at: 13 days ago - Pushed at: 16 days ago - Stars: 5 - Forks: 0

NVIDIA/cuopt-examples

NVIDIA cuOpt examples for decision optimization

Language: Jupyter Notebook - Size: 28.9 MB - Last synced at: 8 days ago - Pushed at: 10 days ago - Stars: 384 - Forks: 62

frangio68/Min-Cost-Flow-Class

C++ solvers for Minimum Cost Flow Problems

Language: C++ - Size: 1.82 MB - Last synced at: 11 days ago - Pushed at: 14 days ago - Stars: 60 - Forks: 9

byteB8/es667

code submission for project assignment - es667

Language: Python - Size: 6.87 MB - Last synced at: 11 days ago - Pushed at: 14 days ago - Stars: 0 - Forks: 0

VasilikiStam/HillClimbing-Depth-Search-Evaluation

Experimental evaluation of Hill-Climbing and Depth Search algorithms on SAT problems.

Size: 8.9 MB - Last synced at: 10 days ago - Pushed at: 14 days ago - Stars: 0 - Forks: 0

xhub/reshop

ReSHOP solver

Language: C - Size: 5.66 MB - Last synced at: 11 days ago - Pushed at: 14 days ago - Stars: 4 - Forks: 0

mmomtchev/igc-xc-score

A scoring program for gliding competitions striving for 100% accuracy and determinism

Language: JavaScript - Size: 9.3 MB - Last synced at: 12 days ago - Pushed at: 14 days ago - Stars: 52 - Forks: 12

Faunther98/3d-joint-inversion-and-data-modeling

Python-based 3D joint-inversion modeling for the Apan aquifer, Hidalgo, Mexico. A data project focusing on geophysical data (magnetics, gravity) processing and 3D visualization.

Language: Python - Size: 9.5 MB - Last synced at: 12 days ago - Pushed at: 14 days ago - Stars: 1 - Forks: 0

Elliot-Chan-120/GEM

GEM | Gene Edit Machine: A machine learning-enhanced platform capable of classifying and optimizing gene variants for reduced pathogenicity. Featuring multi-database integration, research-backed feature engineering, optimized DNA and Protein-level analyses, and an intelligent guided + stochastic mutation algorithm "ReGen".

Language: Python - Size: 40.9 MB - Last synced at: 12 days ago - Pushed at: 14 days ago - Stars: 1 - Forks: 0

dfleta/greedy-search

Set covering problem: USA radio stations

Language: Python - Size: 231 KB - Last synced at: 13 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

shivsegv/automated-timetable-scheduler

Automated TimeTable Scheduler built using java

Language: Java - Size: 1.72 MB - Last synced at: 12 days ago - Pushed at: 15 days ago - Stars: 6 - Forks: 0

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: 13 days ago - Pushed at: 15 days ago - Stars: 35 - Forks: 7

lucidfrontier45/popopt

Various Population based Blackbox Optimization Algorithms in Rust

Language: Rust - Size: 8.79 KB - Last synced at: 13 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

gulhameed361/TRF-Solver

Trust-Region Filter/Funnel (TRF) solver is developed using the concepts from nonlinear optimisation, derivative-free optimisation and surrogate modelling, and is used to optimise grey box optimisation problems (coupling glass box mathematical models with available derivative information and the black box models without derivative information).

Language: Python - Size: 563 KB - Last synced at: 13 days ago - Pushed at: 16 days ago - Stars: 1 - Forks: 0

argmin-rs/argmin

Numerical optimization in pure Rust

Language: Rust - Size: 50.3 MB - Last synced at: 14 days ago - Pushed at: about 1 month ago - Stars: 1,195 - Forks: 106

JeffFessler/MIRT.jl

MIRT: Michigan Image Reconstruction Toolbox (Julia version)

Language: Julia - Size: 2.26 MB - Last synced at: 13 days ago - Pushed at: 16 days ago - Stars: 117 - Forks: 28

atraplet/scip4j-native

SCIP Solver for Java Native Libraries

Language: Java - Size: 67.4 KB - Last synced at: 13 days ago - Pushed at: 17 days ago - Stars: 2 - Forks: 0

singularitti/ConjugateGradient.jl

A Julia package for solving linear systems and optimization problems using the Conjugate Gradient method

Language: Julia - Size: 384 KB - Last synced at: 13 days ago - Pushed at: 17 days ago - Stars: 1 - Forks: 0

atraplet/clarabel4j-native

Clarabel Solver for Java Native Libraries

Language: Java - Size: 166 KB - Last synced at: 13 days ago - Pushed at: 17 days ago - Stars: 2 - Forks: 1

Jutho/OptimKit.jl

OptimKit: A blissfully ignorant Julia package for gradient optimization

Language: Julia - Size: 84 KB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 74 - Forks: 21

kevinhuads/rshiny-datascience-viz-lab

Interactive R Shiny application that illustrates core data science topics (clustering, regression, NLP, time series, optimization, epidemiology, Monte Carlo, Markov chains) through visual storytelling.

Language: R - Size: 76.8 MB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 0 - Forks: 0

QuantumLiquids/PEPS

Variational Monte-Carlo updated PEPS

Language: C++ - Size: 2.74 MB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 18 - Forks: 4

Fireentity/operations-research-two-tsp

This project provides an implementation of the Traveling Salesman Problem using Operations Research techniques in C.

Language: C - Size: 508 KB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

Fahima94/yield-management-tourism

Système professionnel de yield management touristique. Basé sur 8+ années d'expérience terrain gérant €15M+ de contrats avec Oberoi, Mercure, TBH Hotels, Hilton. +23% CA, +580K€ profit.

Language: CSS - Size: 441 KB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 2 - Forks: 0

pramodyasahan/cognito-cnn-image-classifier

EN3150 – Pattern Recognition | University of Moratuwa A PyTorch-based Convolutional Neural Network (CNN) project for handwritten digit recognition using the MNIST dataset. Includes optimizer comparison (Adam, SGD, SGD+Momentum), momentum analysis, and transfer learning with pretrained ResNet18 and VGG16 models.

Language: Python - Size: 2.39 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 0 - Forks: 0

msmrexe/interpretable-neural-basis-decomposition

A mechanistic interpretability framework visualizing the Universal Approximation Theorem. It deconstructs Neural Networks into weighted ReLU basis functions to reveal how models construct complex non-linear topologies from piecewise linear segments.

Language: Python - Size: 56.6 KB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 1 - Forks: 0

MLopez-Ibanez/irace

Iterated Racing for Automatic Algorithm Configuration

Language: R - Size: 27.2 MB - Last synced at: 2 days ago - Pushed at: about 1 month ago - Stars: 67 - Forks: 16

NikoMalik/low-level-functions

Low-level functions for golang that help to avoid allocations

Language: Go - Size: 147 KB - Last synced at: 21 days ago - Pushed at: 22 days ago - Stars: 28 - Forks: 1

sherstpasha/thefittest

Implementation of data mining methods that use evolutionary algorithms

Language: Python - Size: 50.1 MB - Last synced at: 14 days ago - Pushed at: about 1 month ago - Stars: 63 - Forks: 0

cvxgrp/scs

Splitting Conic Solver

Language: C - Size: 11.6 MB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 601 - Forks: 140

joanAcero/generalized-linear-models-from-scratch

A complete mathematical derivation of Generalized Linear Models, along with an exemplification via a from-scratch implementation of logistic regression.

Language: Jupyter Notebook - Size: 1.11 MB - Last synced at: 23 days ago - Pushed at: 23 days ago - Stars: 0 - Forks: 0

toschaefer/Lucon.jl

loss optimization under unitary constraint

Language: Julia - Size: 322 KB - Last synced at: 24 days ago - Pushed at: 24 days ago - Stars: 2 - Forks: 0

Egjfour/dsti-course-notes

Notes for classes taken at DSTI stored in an Obsidian vault and backed up to Github. Includes notes for all courses taken during my Master's program

Size: 24.5 MB - Last synced at: 24 days ago - Pushed at: 24 days ago - Stars: 0 - Forks: 0

amoudgl/celo

Code for Celo: Training Versatile Learned Optimizers on a Compute Diet

Language: Python - Size: 8.44 MB - Last synced at: 24 days ago - Pushed at: 24 days ago - Stars: 3 - Forks: 0

giuse/machine_learning_workbench

Workbench for practical machine learning in Ruby.

Language: Ruby - Size: 114 KB - Last synced at: 8 days ago - Pushed at: about 4 years ago - Stars: 20 - Forks: 4

JuliaSmoothOptimizers/SolverTools.jl

Tools for developing nonlinear optimization solvers.

Language: Julia - Size: 1.05 MB - Last synced at: 25 days ago - Pushed at: 25 days ago - Stars: 26 - Forks: 19

A-L-08/comparison-of-surrogate-modelling-techniques

This project aims to implement surrogate modelling using various basis functions and modelling techniques as well as different number of samples to approximate the given non-linear analytical function in 1 variable.

Language: Python - Size: 8.79 KB - Last synced at: 25 days ago - Pushed at: 25 days ago - Stars: 0 - Forks: 0

Anselmoo/useful-optimizer

A dedicated set of optimization algorithms for numeric problems.

Language: Python - Size: 145 KB - Last synced at: 3 days ago - Pushed at: 7 days ago - Stars: 2 - Forks: 1

heal-research/operon

C++ Large Scale Genetic Programming

Language: C++ - Size: 22.6 MB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 186 - Forks: 34

Evolutionary-Intelligence/DistributedEvolutionaryComputation

A (still growing) paper list of Evolutionary Computation (EC) published in some (rather all) top-tier (and also EC-focused) journals and conferences. For EC-focused publications, only Parallel/Distributed EC are covered in the current version.

Size: 222 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 144 - Forks: 34

inikishev/image-descent 📦

Pytorch library to test optimizers by visualizing how they descend on a your images. You can draw your own custom loss landscape and see what different optimizers do.

Language: Jupyter Notebook - Size: 40.6 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 4 - Forks: 0

Kyushuki/methods-of-optimization-labs

Решением лабораторных работ по "Методы Оптимизации"

Language: Jupyter Notebook - Size: 768 KB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 1 - Forks: 0

eyasir329/CP_Archive

A collection of essential algorithms, data structures, and mathematical utilities for competitive programming.

Language: C++ - Size: 55.1 MB - Last synced at: 28 days ago - Pushed at: 28 days ago - Stars: 1 - Forks: 2

xjrga/snack

Snack: Learning Software for Nutrition

Language: Java - Size: 34.2 MB - Last synced at: 28 days ago - Pushed at: 28 days ago - Stars: 1 - Forks: 0

Related Keywords
optimization 400 python 169 machine-learning 132 genetic-algorithm 115 evolutionary-algorithms 76 optimization-methods 70 deep-learning 65 metaheuristics 50 matlab 49 python3 48 gradient-descent 43 linear-programming 41 convex-optimization 39 particle-swarm-optimization 39 algorithm 39 algorithms 39 artificial-intelligence 37 optimizer 34 neural-network 33 optimization-tools 33 machine-learning-algorithms 32 operations-research 32 numerical-optimization 31 cpp 30 simulated-annealing 27 swarm-intelligence 27 nonlinear-optimization 27 java 26 pytorch 25 julia 24 evolutionary-computation 22 reinforcement-learning 22 pso 21 ant-colony-optimization 21 quadratic-programming 20 evolutionary-algorithm 20 tensorflow 20 neural-networks 19 genetic-algorithms 19 constrained-optimization 18 numpy 18 global-optimization 17 heuristics 17 solver 16 mixed-integer-programming 16 ai 16 interior-point-method 16 travelling-salesman-problem 15 visualization 15 c 14 multi-objective-optimization 14 rust 14 stochastic-gradient-descent 14 hyperparameter-optimization 14 differential-evolution 14 numerical-methods 14 heuristic-search-algorithms 14 stochastic-optimization 13 computer-science 13 hyperparameter-tuning 13 mathematics 13 deep-neural-networks 12 metaheuristic-algorithms 12 combinatorial-optimization 12 semidefinite-programming 12 quantum-computing 12 modeling 11 bayesian-optimization 11 tsp 11 quasi-newton 11 data-science 11 conic-optimization 11 conic-programs 11 image-processing 11 simulation 10 second-order-optimization 10 logistic-regression 10 optimization-problem 10 metaheuristic-optimisation 10 linear-algebra 10 feature-selection 10 vehicle-routing-problem 10 minimization 10 adam 10 blackbox-optimization 10 math 10 pso-algorithm 10 c-plus-plus 9 hacktoberfest 9 mathematical-programming 9 jax 9 local-search 9 optimizers 9 adam-optimizer 9 stochastic-optimizers 9 linear-regression 9 classification 9 tabu-search 9 integer-programming 9 r 9