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

GitHub topics: combinatorial-optimization

systemaccounting/mxfactorial

a payment application intended for deployment by the united states treasury that replaces banking with accounting

Language: Rust - Size: 6.83 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 53 - Forks: 26

pwalig/graphsack

Solver for multiple knapsack problem variations

Language: C++ - Size: 107 KB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

lorenzialessandro/hcpga

A Hybrid Constrained Programming with Genetic Algorithm for the Job Shop Scheduling Problem

Language: Python - Size: 107 KB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

shubhadityaburela/Dense-Hessian-Bracketing

This repository contains a software for performing optimized Dense Hessian Chain Bracketing.

Language: C++ - Size: 2.01 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

AJ-Correa/Unraveling-the-Rainbow

Unraveling the Rainbow: can value-based methods schedule?

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

NVIDIA/cuopt-examples

NVIDIA cuOpt examples for decision optimization

Language: Jupyter Notebook - Size: 19.8 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 289 - Forks: 39

Pabloo22/job_shop_lib

A modular Python library for creating, solving, and visualizing job shop scheduling problems.

Language: Python - Size: 19.9 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 33 - Forks: 3

madvorak/vcsp

General-Valued Constraint Satisfaction Problems

Language: Lean - Size: 1.21 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 9 - Forks: 1

cicirello/chips-n-salsa-examples

Example programs for usage of the Chips-n-Salsa library

Language: Java - Size: 321 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 4 - Forks: 0

Thinklab-SJTU/awesome-ml4co

Awesome machine learning for combinatorial optimization papers.

Language: Python - Size: 238 KB - Last synced at: 7 days ago - Pushed at: 2 months ago - Stars: 1,857 - Forks: 216

ai4co/awesome-fm4co

Recent research papers about Foundation Models for Combinatorial Optimization

Size: 139 KB - Last synced at: 9 days ago - Pushed at: 18 days ago - Stars: 286 - Forks: 20

prosysscience/JSSEnv

An OpenAi Gym environment for the Job Shop Scheduling problem.

Language: Python - Size: 14.6 MB - Last synced at: 9 days ago - Pushed at: over 1 year ago - Stars: 204 - Forks: 57

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: 5 months ago - Stars: 426 - Forks: 44

google/or-tools

Google's Operations Research tools:

Language: C++ - Size: 1.21 GB - Last synced at: 11 days ago - Pushed at: 12 days ago - Stars: 11,898 - Forks: 2,205

ds4dm/ecole

Extensible Combinatorial Optimization Learning Environments

Language: C++ - Size: 2.29 MB - Last synced at: 1 day ago - Pushed at: 17 days ago - Stars: 339 - Forks: 72

snowberryfield/printemps

C++ metaheuristics modeler/solver for general integer optimization problems.

Language: C++ - Size: 4.26 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 50 - Forks: 4

conjure-cp/conjure

Conjure: The Automated Constraint Modelling Tool

Language: Haskell - Size: 109 MB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 104 - Forks: 22

ai4co/parco

PARCO: Parallel AutoRegressive Combinatorial Optimization

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

Zhengzhong-You/RouteOpt

RouteOpt

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

JeroenGar/jagua-rs

A fast and fearless Collision Detection Engine for 2D irregular Cutting and Packing problems

Language: Rust - Size: 1.76 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 73 - Forks: 14

cssartori/pdptw-instances

Instances for the Pickup and Delivery Problem with Time Windows (PDPTW) based on open data

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

RenatoMaynard/Routing-Problems-using-Google-Maps

Optimal routing and delivery solutions using Google Maps and Python.

Language: Jupyter Notebook - Size: 3.09 MB - Last synced at: 7 days ago - Pushed at: about 2 months ago - Stars: 21 - Forks: 0

RenatoMaynard/VRP-Models-and-Algorithms

VRP-Models-and-Algorithms Models and algorithms for solving Vehicle Routing Problems using optimization and heuristics.

Language: Jupyter Notebook - Size: 201 KB - Last synced at: 7 days ago - Pushed at: about 1 month ago - Stars: 13 - Forks: 0

RenatoMaynard/Branch-and-Bound-for-Multiple-Knapsack-Problem

A Python implementation of a branch-and-bound approach (plus a simple greedy heuristic) to solve a variation of the multiple knapsack problem where items have both individual and pairwise benefits.

Language: Python - Size: 24.4 KB - Last synced at: 7 days ago - Pushed at: about 2 months ago - Stars: 18 - Forks: 0

ai4co/rl4co

A PyTorch library for all things Reinforcement Learning (RL) for Combinatorial Optimization (CO)

Language: Python - Size: 155 MB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 564 - Forks: 98

d-krupke/cpsat-primer

The CP-SAT Primer: Using and Understanding Google OR-Tools' CP-SAT Solver

Language: Jupyter Notebook - Size: 21.9 MB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 463 - Forks: 40

romz-pl/combinatorial-optimization-problems

Formulation of combinatorial optimization problems in AMPL language

Language: TeX - Size: 280 KB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

sugawara-system/Schedule_Nurse3_Gallery

The State of the Art commercial solver, Schedule Nurse galleries sites. Contains samples and project files for benchmark test results such as Classical Scheduling Benchmarks, Scheduling Benchmarks, INRC1, INRC2, etc.

Language: JetBrains MPS - Size: 447 MB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 1 - Forks: 1

ledenmat/pCQO-mis-benchmark

This repository provides a collection of advanced solvers for the Maximum Independent Set (MIS) problem, leveraging various optimization techniques and tools. It includes implementations of solvers using Gurobi, Google OR-Tools, and dataless neural networks (dNNs), alongside the focus of this repo, pCQO MIS

Language: Python - Size: 19.9 MB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 5 - Forks: 2

CLAIRE-Labo/EvoTune

Efficiently discovering algorithms via LLMs with evolutionary search and reinforcement learning.

Size: 29.5 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 3 - Forks: 0

cicirello/InteractiveBinPacking

Self-guided tutorial on combinatorial optimization, the bin packing problem, and constructive heuristics, suitable for use as course assignments, or by self-directed learners.

Language: Java - Size: 1.39 MB - Last synced at: 4 days ago - Pushed at: 6 days ago - Stars: 10 - Forks: 2

nathanrooy/simulated-annealing

A simple, bare bones, implementation of simulated annealing optimization algorithm.

Language: Python - Size: 6.47 MB - Last synced at: 7 days ago - Pushed at: 6 months ago - Stars: 34 - Forks: 10

google/minimalloc

A lightweight memory allocator for hardware-accelerated machine learning

Language: C++ - Size: 12.3 MB - Last synced at: 22 days ago - Pushed at: about 2 months ago - Stars: 148 - Forks: 11

JuliaDecisionFocusedLearning/InferOpt.jl

Combinatorial optimization layers for machine learning pipelines

Language: Julia - Size: 1.38 MB - Last synced at: 15 days ago - Pushed at: 24 days ago - Stars: 120 - Forks: 4

decile-team/submodlib

Summarize Massive Datasets using Submodular Optimization

Language: Jupyter Notebook - Size: 28.1 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 97 - Forks: 39

zcakjhr/CIMSimulator

A Julia-based simulator to expore the dynamics and optimization capabilities of coherent Ising machines (CIMs).

Language: Julia - Size: 5 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 0 - Forks: 0

weiran-aitech/shift_schedule

Modelling and Solving Employee Shift Scheduling (Including Nurse Rostering) Problems Using Constraint Programming (Combination of Artificial Intelligence and Operations Research) and Software Engineering Technologies 应用约束规划(人工智能+运筹学)及软件工程技术建模和解决员工排班(包括护士排班)调度问题

Language: Python - Size: 11 MB - Last synced at: 28 days ago - Pushed at: 28 days ago - Stars: 38 - Forks: 4

forfrt/Hyper_Heuristic_Framework

A Hyper-Heuristic framework

Language: Python - Size: 60.3 MB - Last synced at: 30 days ago - Pushed at: 30 days ago - Stars: 47 - Forks: 10

Thinklab-SJTU/ThinkMatch

A research protocol for deep graph matching.

Language: Python - Size: 2.08 MB - Last synced at: 29 days ago - Pushed at: about 2 months ago - Stars: 862 - Forks: 120

k1242/cayleypy-cube

Efficient zero-human-knowledge NN-based solver for NxNxN Rubik's cubes and general Cayley graphs

Language: Python - Size: 22.3 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 17 - Forks: 4

FedeHR/ham-iltonian

A Python library for encoding a variety of combinatorial optimization problems into quantum Hamiltonians. The Hamiltonians have the ability to be parametrized, reflecting the effect of different factors, such as time or a risk factor, in the problem configuration.

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

jiaqingxie/Theories-of-Graph-Neural-Networks

A List of Papers on Theoretical Foundations of Graph Neural Networks

Size: 227 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 29 - Forks: 0

ed-lam/bcp2-mapf

BCP2-MAPF – branch-and-cut-and-price for multi-agent path finding, version 2

Language: C++ - Size: 8.65 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 2 - Forks: 0

QuEraComputing/GenericTensorNetworks.jl

Generic tensor networks for solution space properties.

Language: Julia - Size: 6.6 MB - Last synced at: 14 days ago - Pushed at: about 2 months ago - Stars: 105 - Forks: 11

amineHorseman/butterfly-optimization-algorithms

Implementing several variants of the Butterfly Optimization Algorithm to solve global optimization problems

Language: Python - Size: 204 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 2

alejomonbar/LR-QAOA-QPU-Benchmarking

In this work, we use LR-QAOA protocol as an easy-to-implement scalable benchmarking methodology that assesses quantum process units (QPUs) at different widths (number of qubits) and 2-qubit gate depths.

Language: Jupyter Notebook - Size: 81.1 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 3 - Forks: 0

BatyLeo/StochasticVehicleScheduling.jl

Application of InferOpt.jl to the Stochastic Vehicle Scheduling Problem

Language: Julia - Size: 858 KB - Last synced at: 22 days ago - Pushed at: about 1 month ago - Stars: 5 - Forks: 0

jieyibi/PIP-constraint

[NeurIPS 2024] Learning to Handle Complex Constraints for Vehicle Routing Problems

Language: Python - Size: 249 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 22 - Forks: 0

Thinklab-SJTU/pygmtools

A Python Graph Matching Toolkit.

Language: Python - Size: 128 MB - Last synced at: 10 days ago - Pushed at: 7 months ago - Stars: 330 - Forks: 20

ed-lam/bcp-mapf

BCP-MAPF – branch-and-cut-and-price for multi-agent path finding

Language: C++ - Size: 19 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 86 - Forks: 26

mhahsler/seriation

Infrastructure for Ordering using Seriation - R Package

Language: R - Size: 28.2 MB - Last synced at: 30 days ago - Pushed at: about 2 months ago - Stars: 77 - Forks: 17

NKlug/ring-loading

Algorithm that computes minimal solutions to RLPW

Language: Python - Size: 144 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

JuanGiraldo0212/QPLEX

Python library for hardware agnostic quantum combinatorial optimization

Language: Python - Size: 3.01 MB - Last synced at: 15 days ago - Pushed at: about 1 month ago - Stars: 8 - Forks: 0

accel-brain/accel-brain-code

The purpose of this repository is to make prototypes as case study in the context of proof of concept(PoC) and research and development(R&D) that I have written in my website. The main research topics are Auto-Encoders in relation to the representation learning, the statistical machine learning for energy-based models, adversarial generation networks(GANs), Deep Reinforcement Learning such as Deep Q-Networks, semi-supervised learning, and neural network language model for natural language processing.

Language: Python - Size: 98.3 MB - Last synced at: 17 days ago - Pushed at: over 1 year ago - Stars: 314 - Forks: 92

IvanIsCoding/GNN-for-Combinatorial-Optimization

JAX + Flax implementation of "Combinatorial Optimization with Physics-Inspired Graph Neural Networks" by Schuetz et al.

Language: Jupyter Notebook - Size: 3.31 MB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 50 - Forks: 4

Yuma-Ichikawa/CRA4CO

A PyTorch implementation: Controlling Continuous Relaxation for Combinatorial Optimization

Language: Jupyter Notebook - Size: 24.4 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 4 - Forks: 0

ZIYU-DEEP/Awesome-Papers-on-Combinatorial-Semi-Bandit-Problems

A curated list on papers about combinatorial multi-armed bandit problems.

Size: 40 KB - Last synced at: 5 days ago - Pushed at: about 4 years ago - Stars: 17 - Forks: 0

0ab2bcf6/instance-forge

A flexible and extensible framework for generating, and solving instances of common scheduling problems such as Flow Shop, Job Shop, Open Shop and Hybrids. It provides a structured instance representation, solver interfaces, and basic solvers, making it a powerful foundation for research and development in scheduling optimization.

Language: Python - Size: 14.6 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Thinklab-SJTU/ML4TSPBench

Official implementation of ICLR 2025 paper: "Unify ML4TSP: Drawing Methodological Principles for TSP and Beyond from Streamlined Design Space of Learning and Search".

Language: C - Size: 5.19 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 24 - Forks: 0

ntt-dkiku/route-explainer

The official implementation of "RouteExplainer: An Explanation Framework for Vehicle Routing Problem" (PAKDD 2024, oral)

Language: Python - Size: 833 KB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 12 - Forks: 1

domain-independent-dp/didp-rs

Domain-Independent Dynamic Programming (DIDP) framework implemented in Rust.

Language: Rust - Size: 2.47 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 34 - Forks: 1

FinJun/Awesome-DFL-papers

📑 List of awesome DFL's papers

Size: 75.2 KB - Last synced at: 12 days ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

PyJobShop/FJSPLIB

Python package to read and write instances for the flexible job shop problem.

Language: Python - Size: 14.6 KB - Last synced at: 17 days ago - Pushed at: 6 months ago - Stars: 6 - Forks: 0

Thinklab-SJTU/T2TCO

[NeurIPS 2023] T2T: From Distribution Learning in Training to Gradient Search in Testing for Combinatorial Optimization

Language: Python - Size: 14.6 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 61 - Forks: 7

ntt-dkiku/evrp-eps

The official implementation of "Electric Vehicle Routing for Emergency Power Supply with Deep Reinforcement Learning" (AAMAS 2024, extended abstract).

Language: Jupyter Notebook - Size: 24 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 6 - Forks: 2

Amitreddy14/vehicle-routing-main

The Vehicle Routing project implements a simulated-annealing-based local search algorithm in Java to solve the NP-complete Capacitated Vehicle Routing Problem (CVRP). It optimizes vehicle routes to minimize total travel distance while adhering to capacity and demand constraints.

Language: Java - Size: 572 KB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

google/network-opt

A library for topological network optimization

Language: C++ - Size: 618 KB - Last synced at: 22 days ago - Pushed at: over 1 year ago - Stars: 151 - Forks: 17

maxkapur/OptimalApplication.jl

Exact, approximate, and heuristic algos for the college application problem.

Language: Julia - Size: 37.4 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 2 - Forks: 0

maxkapur/mulberry

A college application strategist

Language: HTML - Size: 1.63 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

juanmbraga/travelling-salesperson-intractability

Exploring how to solve and approximate tough problems like the Travelling Salesperson in real life.

Language: Python - Size: 3.1 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

henry-yeh/DeepACO

[NeurIPS 2023] DeepACO: Neural-enhanced Ant Systems for Combinatorial Optimization

Language: Jupyter Notebook - Size: 26.2 MB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 143 - Forks: 21

scotthlee/kudos

Combinatorial optimization for developing public health case definitions

Language: Jupyter Notebook - Size: 2.44 MB - Last synced at: 25 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 2

alishhde/Couriers-Planning-Problem

This repository is about Multiple Courier Planning Problem a well-known NP-hard problem.

Language: Python - Size: 2.14 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

alejomonbar/LR-QAOA

Fixed linear ramp schedules in QAOA constitute a universal set parameters, i.e., a set of γ and β parameters that rapidly approximate the optimal solution, x∗, independently of the COP selected, and that the success probability of finding it, probability(x∗), increases with the number of QAOA layers p.

Language: Jupyter Notebook - Size: 242 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 3 - Forks: 1

augustoguerra-ufmg-projects/ALGORITMOS-I-TP3

Language: C++ - Size: 211 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

ImMohammadHosseini/MKP-RL

:sparkles: Solve multi_dimensional multiple knapsack problem using state_of_the_art Reinforcement Learning Algorithms and transformers

Language: Python - Size: 5.45 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 10 - Forks: 1

mhahsler/qap

Heuristics for the Quadratic Assignment Problem (QAP) - R package

Language: Fortran - Size: 543 KB - Last synced at: 12 days ago - Pushed at: 9 months ago - Stars: 6 - Forks: 1

DevSlem/multiple-knapsack

Optimize multiple knapsack problem using reinforcement learning.

Language: Python - Size: 1.93 MB - Last synced at: 5 days ago - Pushed at: 11 months ago - Stars: 8 - Forks: 0

buntonj/SFO_CPP

A fast, templated C++ header library for submodular optimization (subset selection) problems.

Language: C++ - Size: 13.3 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

fuglede/numberpartitioning

Pure Python solver for the multi-way partition problem

Language: Python - Size: 40 KB - Last synced at: 20 days ago - Pushed at: over 3 years ago - Stars: 20 - Forks: 4

netotz/alpha-neighbor-p-center-problem

Heuristic algorithms for the alpha-neighbor p-center problem.

Language: Jupyter Notebook - Size: 29.5 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 5 - Forks: 0

Pritam0112/Operations-Research-Problems

My attempt to solve the Optimization problems

Language: Jupyter Notebook - Size: 85 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

kGorze/DNA-Partial-Digest-Problem

PDP polega na odtworzeniu rozmieszczenia miejsc restrykcyjnych na cząsteczce DNA, korzystając z wielokrotnych pomiarów fragmentów uzyskanych w wyniku częściowego trawienia enzymatycznego. algorytmy zaimplementowane w tym projekcie (BMP, BBb, BBb2)

Language: C++ - Size: 140 KB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

wigginno/large-scale-lin-kernighan

TSP heuristic solver for very large scale problems (in progress project to be continued in Summer '24)

Language: Jupyter Notebook - Size: 41.3 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 1

mklblm/KR-SAT-Solver

A built-from-scratch Python-based SAT Solver implementing the DPLL-recursive algorithm. Research and implementations for the Knowledge Representation course at Vrije Universiteit Amsterdam

Language: Python - Size: 10.3 MB - Last synced at: about 1 month ago - Pushed at: 4 months ago - Stars: 0 - Forks: 1

ulagbulag/or-tools-rs

Unofficial Rust wrappers to the C++ library Google OR-Tools, open source software for combinatorial optimization

Language: Rust - Size: 78.1 KB - Last synced at: 26 days ago - Pushed at: 12 months ago - Stars: 6 - Forks: 1

CIAM-Group/NCO_code

L2O/NCO codes from CIAM Group at SUSTech, Shenzhen, China

Language: Python - Size: 442 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 68 - Forks: 16

langkhachhoha/AMO-ACO-Model-GECCO2024

Alimentation Deep Multiple Optimal Ant Colony Optimization to solve Vehicle Routing Problem with Time Windows.

Language: Python - Size: 1.34 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 2 - Forks: 1

runifrexp/GET_HOME

Taxi organisation

Language: HTML - Size: 32.2 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

jackkimmins/WebPathFinder

C++ WASM Solver for TSP w/ Hybrid Genetic Algorithm

Language: C++ - Size: 1.78 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

ai4co/devformer

[ICML 2023] Official code for "DevFormer: A Symmetric Transformer for Context-Aware Device Placement"

Language: Python - Size: 42.9 MB - Last synced at: 28 days ago - Pushed at: 5 months ago - Stars: 19 - Forks: 0

amatov/LineDetectionCombinatorial

Language: C++ - Size: 633 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

wotzlaff/tbpp-caf

Combinatorial Arcflow Model for the Temporal Bin Packing Problem with Fire-Ups

Language: Python - Size: 42 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 2 - Forks: 2

jcpaik/erdos-szekeres-sat

An SAT encoding of Erdős-Szekeres conjecture, including counterexamples of its variants

Language: Python - Size: 8.79 KB - Last synced at: 6 days ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

Pegah-Ardehkhani/Combinatorial-Optimization

A collection of algorithms and methods for solving combinatorial optimization problems, including techniques for TSP, Knapsack, and other NP-hard problems using heuristics, metaheuristics, and exact methods

Language: Jupyter Notebook - Size: 1.01 MB - Last synced at: 27 days ago - Pushed at: 6 months ago - Stars: 3 - Forks: 0

google/kiwi-solver 📦

Kiwi is a minimalist and extendable Constraint Programming (CP) solver.

Language: Java - Size: 96.7 KB - Last synced at: 22 days ago - Pushed at: almost 6 years ago - Stars: 50 - Forks: 8

TensorBFS/TropicalTensors.jl

Tropical tensor network for spin glasses

Language: Julia - Size: 9.36 MB - Last synced at: 2 months ago - Pushed at: 5 months ago - Stars: 55 - Forks: 3

chrhansk/time-dependent-tsp

A MIP-based algorithm to solve the Time-Dependent TSP

Language: C++ - Size: 192 KB - Last synced at: 7 days ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

FilipeChagasDev/samsa

Samsa is a webapp that demonstrates the work of metaheuristic methods for solving the Traveling Salesman Problem

Language: Python - Size: 128 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

semibran/pack

:package: greedy rectangle packing algorithm

Language: JavaScript - Size: 339 KB - Last synced at: 24 days ago - Pushed at: over 1 year ago - Stars: 38 - Forks: 0

Related Keywords
combinatorial-optimization 390 optimization 65 python 44 machine-learning 33 operations-research 32 reinforcement-learning 31 metaheuristics 26 deep-learning 25 vehicle-routing-problem 23 graph-neural-networks 21 travelling-salesman-problem 20 tsp 20 integer-programming 19 optimization-algorithms 19 genetic-algorithm 18 heuristics 17 constraint-programming 16 simulated-annealing 15 algorithms 15 neural-combinatorial-optimization 14 pytorch 14 linear-programming 14 traveling-salesman-problem 14 combinatorics 14 cpp 14 knapsack-problem 14 graph-algorithms 13 artificial-intelligence 13 deep-reinforcement-learning 12 local-search 12 mixed-integer-programming 11 java 11 discrete-optimization 11 branch-and-bound 10 scheduling 10 bin-packing 9 dynamic-programming 9 greedy-algorithms 9 gurobi 9 python3 8 julia 8 np-hard 8 mathematical-programming 8 tabu-search 8 job-shop-scheduling-problem 7 vrp 7 algorithm 7 logistics 7 ant-colony-optimization 7 quantum-algorithms 7 benchmark 6 quantum-computing 6 neural-networks 6 discrete-mathematics 6 graph 6 bin-packing-problem 6 computer-vision 6 evolutionary-algorithms 5 neural-network 5 scip 5 evolutionary-computation 5 gurobi-optimization 5 sat 5 graph-theory 5 qaoa 5 optimization-problem 5 r 5 evolutionary-algorithm 5 rust 5 tsp-problem 5 knapsack 4 bayesian-optimization 4 combinatorial-search 4 black-box-optimization 4 heuristic-algorithm 4 network-design 4 solver 4 cvrptw 4 traveling-salesman 4 mip 4 rl 4 metaheuristic 4 iterated-local-search 4 submodular-optimization 4 google-or-tools 4 quadratic-assignment-problem 4 recursion 4 np 4 random-walk 4 network-analysis 4 cplex 4 column-generation 4 transformer 4 lstm 4 generalization 4 genetic-algorithms 4 constraint-satisfaction-problem 4 ml 4 scheduling-algorithms 4 knapsack-solver 4