-
PGLearn -- An Open-Source Learning Toolkit for Optimal Power Flow
Authors:
Michael Klamkin,
Mathieu Tanneau,
Pascal Van Hentenryck
Abstract:
Machine Learning (ML) techniques for Optimal Power Flow (OPF) problems have recently garnered significant attention, reflecting a broader trend of leveraging ML to approximate and/or accelerate the resolution of complex optimization problems. These developments are necessitated by the increased volatility and scale in energy production for modern and future grids. However, progress in ML for OPF i…
▽ More
Machine Learning (ML) techniques for Optimal Power Flow (OPF) problems have recently garnered significant attention, reflecting a broader trend of leveraging ML to approximate and/or accelerate the resolution of complex optimization problems. These developments are necessitated by the increased volatility and scale in energy production for modern and future grids. However, progress in ML for OPF is hindered by the lack of standardized datasets and evaluation metrics, from generating and solving OPF instances, to training and benchmarking machine learning models. To address this challenge, this paper introduces PGLearn, a comprehensive suite of standardized datasets and evaluation tools for ML and OPF. PGLearn provides datasets that are representative of real-life operating conditions, by explicitly capturing both global and local variability in the data generation, and by, for the first time, including time series data for several large-scale systems. In addition, it supports multiple OPF formulations, including AC, DC, and second-order cone formulations. Standardized datasets are made publicly available to democratize access to this field, reduce the burden of data generation, and enable the fair comparison of various methodologies. PGLearn also includes a robust toolkit for training, evaluating, and benchmarking machine learning models for OPF, with the goal of standardizing performance evaluation across the field. By promoting open, standardized datasets and evaluation metrics, PGLearn aims at democratizing and accelerating research and innovation in machine learning applications for optimal power flow problems. Datasets are available for download at https://www.huggingface.co/PGLearn.
△ Less
Submitted 28 May, 2025;
originally announced May 2025.
-
DualSchool: How Reliable are LLMs for Optimization Education?
Authors:
Michael Klamkin,
Arnaud Deza,
Sikai Cheng,
Haoruo Zhao,
Pascal Van Hentenryck
Abstract:
Consider the following task taught in introductory optimization courses which addresses challenges articulated by the community at the intersection of (generative) AI and OR: generate the dual of a linear program. LLMs, being trained at web-scale, have the conversion process and many instances of Primal to Dual Conversion (P2DC) at their disposal. Students may thus reasonably expect that LLMs woul…
▽ More
Consider the following task taught in introductory optimization courses which addresses challenges articulated by the community at the intersection of (generative) AI and OR: generate the dual of a linear program. LLMs, being trained at web-scale, have the conversion process and many instances of Primal to Dual Conversion (P2DC) at their disposal. Students may thus reasonably expect that LLMs would perform well on the P2DC task. To assess this expectation, this paper introduces DualSchool, a comprehensive framework for generating and verifying P2DC instances. The verification procedure of DualSchool uses the Canonical Graph Edit Distance, going well beyond existing evaluation methods for optimization models, which exhibit many false positives and negatives when applied to P2DC. Experiments performed by DualSchool reveal interesting findings. Although LLMs can recite the conversion procedure accurately, state-of-the-art open LLMs fail to consistently produce correct duals. This finding holds even for the smallest two-variable instances and for derivative tasks, such as correctness, verification, and error classification. The paper also discusses the implications for educators, students, and the development of large reasoning systems.
△ Less
Submitted 27 May, 2025;
originally announced May 2025.
-
Sobolev Training of End-to-End Optimization Proxies
Authors:
Andrew W. Rosemberg,
Joaquim Dias Garcia,
Russell Bent,
Pascal Van Hentenryck
Abstract:
Optimization proxies - machine learning models trained to approximate the solution mapping of parametric optimization problems in a single forward pass - offer dramatic reductions in inference time compared to traditional iterative solvers. This work investigates the integration of solver sensitivities into such end to end proxies via a Sobolev training paradigm and does so in two distinct setting…
▽ More
Optimization proxies - machine learning models trained to approximate the solution mapping of parametric optimization problems in a single forward pass - offer dramatic reductions in inference time compared to traditional iterative solvers. This work investigates the integration of solver sensitivities into such end to end proxies via a Sobolev training paradigm and does so in two distinct settings: (i) fully supervised proxies, where exact solver outputs and sensitivities are available, and (ii) self supervised proxies that rely only on the objective and constraint structure of the underlying optimization problem. By augmenting the standard training loss with directional derivative information extracted from the solver, the proxy aligns both its predicted solutions and local derivatives with those of the optimizer. Under Lipschitz continuity assumptions on the true solution mapping, matching first order sensitivities is shown to yield uniform approximation error proportional to the training set covering radius. Empirically, different impacts are observed in each studied setting. On three large Alternating Current Optimal Power Flow benchmarks, supervised Sobolev training cuts mean squared error by up to 56 percent and the median worst case constraint violation by up to 400 percent while keeping the optimality gap below 0.22 percent. For a mean variance portfolio task trained without labeled solutions, self supervised Sobolev training halves the average optimality gap in the medium risk region (standard deviation above 10 percent of budget) and matches the baseline elsewhere. Together, these results highlight Sobolev training whether supervised or self supervised as a path to fast reliable surrogates for safety critical large scale optimization workloads.
△ Less
Submitted 16 May, 2025;
originally announced May 2025.
-
Integrating Column Generation and Large Neighborhood Search for Bus Driver Scheduling with Complex Break Constraints
Authors:
Lucas Kletzander,
Tommaso Mannelli Mazzoli,
Nysret Musliu,
Pascal Van Hentenryck
Abstract:
The Bus Driver Scheduling Problem (BDSP) is a combinatorial optimization problem with the goal to design shifts to cover prearranged bus tours. The objective takes into account the operational cost as well as the satisfaction of drivers. This problem is heavily constrained due to strict legal rules and collective agreements. The objective of this article is to provide state-of-the-art exact and hy…
▽ More
The Bus Driver Scheduling Problem (BDSP) is a combinatorial optimization problem with the goal to design shifts to cover prearranged bus tours. The objective takes into account the operational cost as well as the satisfaction of drivers. This problem is heavily constrained due to strict legal rules and collective agreements. The objective of this article is to provide state-of-the-art exact and hybrid solution methods that can provide high-quality solutions for instances of different sizes. This work presents a comprehensive study of both an exact method, Branch and Price (B&P), as well as a Large Neighborhood Search (LNS) framework which uses B&P or Column Generation (CG) for the repair phase to solve the BDSP. It further proposes and evaluates a novel deeper integration of B&P and LNS, storing the generated columns from the LNS subproblems and reusing them for other subproblems, or to find better global solutions. The article presents a detailed analysis of several components of the solution methods and their impact, including general improvements for the B&P subproblem, which is a high-dimensional Resource Constrained Shortest Path Problem (RCSPP), and the components of the LNS. The evaluation shows that our approach provides new state-of-the-art results for instances of all sizes, including exact solutions for small instances, and low gaps to a known lower bound for mid-sized instances. Conclusions: We observe that B&P provides the best results for small instances, while the tight integration of LNS and CG can provide high-quality solutions for larger instances, further improving over LNS which just uses CG as a black box. The proposed methods are general and can also be applied to other rule sets and related optimization problems
△ Less
Submitted 5 May, 2025;
originally announced May 2025.
-
SPOT: Spatio-Temporal Pattern Mining and Optimization for Load Consolidation in Freight Transportation Networks
Authors:
Sikai Cheng,
Amira Hijazi,
Jeren Konak,
Alan Erera,
Pascal Van Hentenryck
Abstract:
Freight consolidation has significant potential to reduce transportation costs and mitigate congestion and pollution. An effective load consolidation plan relies on carefully chosen consolidation points to ensure alignment with existing transportation management processes, such as driver scheduling, personnel planning, and terminal operations. This complexity represents a significant challenge whe…
▽ More
Freight consolidation has significant potential to reduce transportation costs and mitigate congestion and pollution. An effective load consolidation plan relies on carefully chosen consolidation points to ensure alignment with existing transportation management processes, such as driver scheduling, personnel planning, and terminal operations. This complexity represents a significant challenge when searching for optimal consolidation strategies. Traditional optimization-based methods provide exact solutions, but their computational complexity makes them impractical for large-scale instances and they fail to leverage historical data. Machine learning-based approaches address these issues but often ignore operational constraints, leading to infeasible consolidation plans.
This work proposes SPOT, an end-to-end approach that integrates the benefits of machine learning (ML) and optimization for load consolidation. The ML component plays a key role in the planning phase by identifying the consolidation points through spatio-temporal clustering and constrained frequent itemset mining, while the optimization selects the most cost-effective feasible consolidation routes for a given operational day. Extensive experiments conducted on industrial load data demonstrate that SPOT significantly reduces travel distance and transportation costs (by about 50% on large terminals) compared to the existing industry-standard load planning strategy and a neighborhood-based heuristic. Moreover, the ML component provides valuable tactical-level insights by identifying frequently recurring consolidation opportunities that guide proactive planning. In addition, SPOT is computationally efficient and can be easily scaled to accommodate large transportation networks.
△ Less
Submitted 13 April, 2025;
originally announced April 2025.
-
Constraint Programming Models For Serial Batch Scheduling With Minimum Batch Size
Authors:
Jorge A. Huertas,
Pascal Van Hentenryck
Abstract:
In serial batch (s-batch) scheduling, jobs are grouped in batches and processed sequentially within their batch. This paper considers multiple parallel machines, nonidentical job weights and release times, and sequence-dependent setup times between batches of different families. Although s-batch has been widely studied in the literature, very few papers have taken into account a minimum batch size…
▽ More
In serial batch (s-batch) scheduling, jobs are grouped in batches and processed sequentially within their batch. This paper considers multiple parallel machines, nonidentical job weights and release times, and sequence-dependent setup times between batches of different families. Although s-batch has been widely studied in the literature, very few papers have taken into account a minimum batch size, typical in practical settings such as semiconductor manufacturing and the metal industry. The problem with this minimum batch size requirement has been mostly tackled with dynamic programming and meta-heuristics, and no article has ever used constraint programming (CP) to do so. This paper fills this gap by proposing, three CP models for s-batching with minimum batch size: (i) an \textit{Interval Assignment} model that computes and bounds the size of the batches using the presence literals of interval variables of the jobs. (ii) A \textit{Global} model that exclusively uses global constraints that track the size of the batches over time. (iii) And a \textit{Hybrid} model that combines the benefits of the extra global constraints with the efficiency of the sum-of-presences constraints to ensure the minimum batch sizes. The computational experiments on standard cases compare the three CP models with two existing mixed-integer programming (MIP) models from the literature. The results demonstrate the versatility of the proposed CP models to handle multiple variations of s-batching; and their ability to produce, in large instances, better solutions than the MIP models faster.
△ Less
Submitted 9 July, 2025; v1 submitted 7 April, 2025;
originally announced April 2025.
-
Dual Conic Proxy for Semidefinite Relaxation of AC Optimal Power Flow
Authors:
Guancheng Qiu,
Mathieu Tanneau,
Pascal Van Hentenryck
Abstract:
The nonlinear, non-convex AC Optimal Power Flow (AC-OPF) problem is fundamental for power systems operations. The intrinsic complexity of AC-OPF has fueled a growing interest in the development of optimization proxies for the problem, i.e., machine learning models that predict high-quality, close-to-optimal solutions. More recently, dual conic proxy architectures have been proposed, which combine…
▽ More
The nonlinear, non-convex AC Optimal Power Flow (AC-OPF) problem is fundamental for power systems operations. The intrinsic complexity of AC-OPF has fueled a growing interest in the development of optimization proxies for the problem, i.e., machine learning models that predict high-quality, close-to-optimal solutions. More recently, dual conic proxy architectures have been proposed, which combine machine learning and convex relaxations of AC-OPF, to provide valid certificates of optimality using learning-based methods. Building on this methodology, this paper proposes, for the first time, a dual conic proxy architecture for the semidefinite (SDP) relaxation of AC-OPF problems. Although the SDP relaxation is stronger than the second-order cone relaxation considered in previous work, its practical use has been hindered by its computational cost. The proposed method combines a neural network with a differentiable dual completion strategy that leverages the structure of the dual SDP problem. This approach guarantees dual feasibility, and therefore valid dual bounds, while providing orders of magnitude of speedups compared to interior-point algorithms. The paper also leverages self-supervised learning, which alleviates the need for time-consuming data generation and allows to train the proposed models efficiently. Numerical experiments are presented on several power grid benchmarks with up to 500 buses. The results demonstrate that the proposed SDP-based proxies can outperform weaker conic relaxations, while providing several orders of magnitude speedups compared to a state-of-the-art interior-point SDP solver.
△ Less
Submitted 7 May, 2025; v1 submitted 10 February, 2025;
originally announced February 2025.
-
Optimization Learning
Authors:
Pascal Van Hentenryck
Abstract:
This article introduces the concept of optimization learning, a methodology to design optimization proxies that learn the input/output mapping of parametric optimization problems. These optimization proxies are trustworthy by design: they compute feasible solutions to the underlying optimization problems, provide quality guarantees on the returned solutions, and scale to large instances. Optimizat…
▽ More
This article introduces the concept of optimization learning, a methodology to design optimization proxies that learn the input/output mapping of parametric optimization problems. These optimization proxies are trustworthy by design: they compute feasible solutions to the underlying optimization problems, provide quality guarantees on the returned solutions, and scale to large instances. Optimization proxies are differentiable programs that combine traditional deep learning technology with repair or completion layers to produce feasible solutions. The article shows that optimization proxies can be trained end-to-end in a self-supervised way. It presents methodologies to provide performance guarantees and to scale optimization proxies to large-scale optimization problems. The potential of optimization proxies is highlighted through applications in power systems and, in particular, real-time risk assessment and security-constrained optimal power flow.
△ Less
Submitted 6 January, 2025;
originally announced January 2025.
-
Parallel Batch Scheduling With Incompatible Job Families Via Constraint Programming
Authors:
Jorge A. Huertas,
Pascal Van Hentenryck
Abstract:
This paper addresses the incompatible case of parallel batch scheduling, where compatible jobs belong to the same family, and jobs from different families cannot be processed together in the same batch. The state-of-the-art constraint programming (CP) model for this problem relies on specific functions and global constraints only available in a well established commercial CP solver. This paper exp…
▽ More
This paper addresses the incompatible case of parallel batch scheduling, where compatible jobs belong to the same family, and jobs from different families cannot be processed together in the same batch. The state-of-the-art constraint programming (CP) model for this problem relies on specific functions and global constraints only available in a well established commercial CP solver. This paper expands the literature around this problem by proposing four new CP models that can be implemented in commercial and open-source solvers: a new model that relies on automaton constraints, and three alternative models that integrate assignment and scheduling decisions with different strategies and global constraints. Extensive computational experiments on standard test cases under multiple objectives and multiple solvers demonstrate the implementation flexibility and competitive performance of the proposed models.
△ Less
Submitted 6 April, 2025; v1 submitted 15 October, 2024;
originally announced October 2024.
-
Contextual Stochastic Optimization for Omnichannel Multi-Courier Order Fulfillment Under Delivery Time Uncertainty
Authors:
Tinghan Ye,
Sikai Cheng,
Amira Hijazi,
Pascal Van Hentenryck
Abstract:
The paper studies a large-scale order fulfillment problem for a leading e-commerce company in the United States. The challenge involves selecting fulfillment centers and shipping carriers with observational data only to efficiently process orders from a vast network of physical stores and warehouses. The company's current practice relies on heuristic rules that choose the cheapest fulfillment and…
▽ More
The paper studies a large-scale order fulfillment problem for a leading e-commerce company in the United States. The challenge involves selecting fulfillment centers and shipping carriers with observational data only to efficiently process orders from a vast network of physical stores and warehouses. The company's current practice relies on heuristic rules that choose the cheapest fulfillment and shipping options for each unit, without considering opportunities for batching items or the reliability of carriers in meeting expected delivery dates. The paper develops a data-driven Contextual Stochastic Optimization (CSO) framework that integrates distributional forecasts of delivery time deviations with stochastic and robust order fulfillment optimization models. The framework optimizes the selection of fulfillment centers and carriers, accounting for item consolidation and delivery time uncertainty. Validated on a real-world data set containing tens of thousands of products, each with hundreds to thousands of fulfillment options, the proposed CSO framework significantly enhances the accuracy of meeting customer-expected delivery dates compared to current practices. It provides a flexible balance between reducing fulfillment costs and managing delivery time deviation risks, emphasizing the importance of contextual information and distributional forecasts in order fulfillment. This is the first paper that studies the omnichannel multi-courier order fulfillment problem with delivery time uncertainty through the lens of contextual optimization, fusing machine learning and optimization.
△ Less
Submitted 29 April, 2025; v1 submitted 10 September, 2024;
originally announced September 2024.
-
Compact Optimality Verification for Optimization Proxies
Authors:
Wenbo Chen,
Haoruo Zhao,
Mathieu Tanneau,
Pascal Van Hentenryck
Abstract:
Recent years have witnessed increasing interest in optimization proxies, i.e., machine learning models that approximate the input-output mapping of parametric optimization problems and return near-optimal feasible solutions. Following recent work by (Nellikkath & Chatzivasileiadis, 2021), this paper reconsiders the optimality verification problem for optimization proxies, i.e., the determination o…
▽ More
Recent years have witnessed increasing interest in optimization proxies, i.e., machine learning models that approximate the input-output mapping of parametric optimization problems and return near-optimal feasible solutions. Following recent work by (Nellikkath & Chatzivasileiadis, 2021), this paper reconsiders the optimality verification problem for optimization proxies, i.e., the determination of the worst-case optimality gap over the instance distribution. The paper proposes a compact formulation for optimality verification and a gradient-based primal heuristic that brings substantial computational benefits to the original formulation. The compact formulation is also more general and applies to non-convex optimization problems. The benefits of the compact formulation are demonstrated on large-scale DC Optimal Power Flow and knapsack problems.
△ Less
Submitted 31 May, 2024;
originally announced May 2024.
-
Efficiently Training Deep-Learning Parametric Policies using Lagrangian Duality
Authors:
Andrew Rosemberg,
Alexandre Street,
Davi M. Valladão,
Pascal Van Hentenryck
Abstract:
Constrained Markov Decision Processes (CMDPs) are critical in many high-stakes applications, where decisions must optimize cumulative rewards while strictly adhering to complex nonlinear constraints. In domains such as power systems, finance, supply chains, and precision robotics, violating these constraints can result in significant financial or societal costs. Existing Reinforcement Learning (RL…
▽ More
Constrained Markov Decision Processes (CMDPs) are critical in many high-stakes applications, where decisions must optimize cumulative rewards while strictly adhering to complex nonlinear constraints. In domains such as power systems, finance, supply chains, and precision robotics, violating these constraints can result in significant financial or societal costs. Existing Reinforcement Learning (RL) methods often struggle with sample efficiency and effectiveness in finding feasible policies for highly and strictly constrained CMDPs, limiting their applicability in these environments. Stochastic dual dynamic programming is often used in practice on convex relaxations of the original problem, but they also encounter computational challenges and loss of optimality. This paper introduces a novel approach, Two-Stage Deep Decision Rules (TS-DDR), to efficiently train parametric actor policies using Lagrangian Duality. TS-DDR is a self-supervised learning algorithm that trains general decision rules (parametric policies) using stochastic gradient descent (SGD); its forward passes solve {\em deterministic} optimization problems to find feasible policies, and its backward passes leverage duality theory to train the parametric policy with closed-form gradients. TS-DDR inherits the flexibility and computational performance of deep learning methodologies to solve CMDP problems. Applied to the Long-Term Hydrothermal Dispatch (LTHD) problem using actual power system data from Bolivia, TS-DDR is shown to enhance solution quality and to reduce computation times by several orders of magnitude when compared to current state-of-the-art methods.
△ Less
Submitted 19 February, 2025; v1 submitted 23 May, 2024;
originally announced May 2024.
-
Optimizing Multiple-Control Toffoli Quantum Circuit Design with Constraint Programming
Authors:
Jihye Jung,
Kevin Dalmeijer,
Pascal Van Hentenryck
Abstract:
As quantum technology advances, the efficient design of quantum circuits has become an important area of research. This paper provides an introduction to the MCT quantum circuit design problem for reversible Boolean functions with the necessary background in quantum computing to comprehend the problem. While this is a well-studied problem, optimization models that minimize the true objective have…
▽ More
As quantum technology advances, the efficient design of quantum circuits has become an important area of research. This paper provides an introduction to the MCT quantum circuit design problem for reversible Boolean functions with the necessary background in quantum computing to comprehend the problem. While this is a well-studied problem, optimization models that minimize the true objective have only been explored recently. This paper introduces a new optimization model and symmetry-breaking constraints that improve solving time by up to two orders of magnitude compared to earlier work when a Constraint Programming solver is used. Experiments with up to seven qubits and using up to 15 quantum gates result in several new best-known circuits, obtained by any method, for well-known benchmarks. Several in-depth analyses are presented to validate the effectiveness of the symmetry-breaking constraints from multiple perspectives. Finally, an extensive comparison with other approaches shows that optimization models may require more time but can provide superior circuits with optimality guarantees.
△ Less
Submitted 9 July, 2025; v1 submitted 22 April, 2024;
originally announced April 2024.
-
Dual Lagrangian Learning for Conic Optimization
Authors:
Mathieu Tanneau,
Pascal Van Hentenryck
Abstract:
This paper presents Dual Lagrangian Learning (DLL), a principled learning methodology for dual conic optimization proxies. DLL leverages conic duality and the representation power of ML models to provide high-duality, dual-feasible solutions, and therefore valid Lagrangian dual bounds, for linear and nonlinear conic optimization problems. The paper introduces a systematic dual completion procedure…
▽ More
This paper presents Dual Lagrangian Learning (DLL), a principled learning methodology for dual conic optimization proxies. DLL leverages conic duality and the representation power of ML models to provide high-duality, dual-feasible solutions, and therefore valid Lagrangian dual bounds, for linear and nonlinear conic optimization problems. The paper introduces a systematic dual completion procedure, differentiable conic projection layers, and a self-supervised learning framework based on Lagrangian duality. It also provides closed-form dual completion formulae for broad classes of conic problems, which eliminate the need for costly implicit layers. The effectiveness of DLL is demonstrated on linear and nonlinear conic optimization problems. The proposed methodology significantly outperforms a state-of-the-art learning-based method, and achieves 1000x speedups over commercial interior-point solvers with optimality gaps under 0.5\% on average.
△ Less
Submitted 24 May, 2024; v1 submitted 5 February, 2024;
originally announced February 2024.
-
Dual Interior Point Optimization Learning
Authors:
Michael Klamkin,
Mathieu Tanneau,
Pascal Van Hentenryck
Abstract:
In many practical applications of constrained optimization, scale and solving time limits make traditional optimization solvers prohibitively slow. Thus, the research question of how to design optimization proxies -- machine learning models that produce high-quality solutions -- has recently received significant attention. Orthogonal to this research thread which focuses on learning primal solutio…
▽ More
In many practical applications of constrained optimization, scale and solving time limits make traditional optimization solvers prohibitively slow. Thus, the research question of how to design optimization proxies -- machine learning models that produce high-quality solutions -- has recently received significant attention. Orthogonal to this research thread which focuses on learning primal solutions, this paper studies how to learn dual feasible solutions that complement primal approaches and provide quality guarantees. The paper makes two distinct contributions. First, to train dual linear optimization proxies, the paper proposes a smoothed self-supervised loss function that augments the objective function with a dual penalty term. Second, the paper proposes a novel dual completion strategy that guarantees dual feasibility by solving a convex optimization problem. Moreover, the paper derives closed-form solutions to this completion optimization for several classes of dual penalties, eliminating the need for computationally-heavy implicit layers. Numerical results are presented on large linear optimization problems and demonstrate the effectiveness of the proposed approach. The proposed dual completion outperforms methods for learning optimization proxies which do not exploit the structure of the dual problem. Compared to commercial optimization solvers, the learned dual proxies achieve optimality gaps below $1\%$ and several orders of magnitude speedups.
△ Less
Submitted 12 February, 2025; v1 submitted 4 February, 2024;
originally announced February 2024.
-
Bound Tightening using Rolling-Horizon Decomposition for Neural Network Verification
Authors:
Haoruo Zhao,
Hassan Hijazi,
Haydn Jones,
Juston Moore,
Mathieu Tanneau,
Pascal Van Hentenryck
Abstract:
Neural network verification aims at providing formal guarantees on the output of trained neural networks, to ensure their robustness against adversarial examples and enable their deployment in safety-critical applications. This paper introduces a new approach to neural network verification using a novel mixed-integer programming rolling-horizon decomposition method. The algorithm leverages the lay…
▽ More
Neural network verification aims at providing formal guarantees on the output of trained neural networks, to ensure their robustness against adversarial examples and enable their deployment in safety-critical applications. This paper introduces a new approach to neural network verification using a novel mixed-integer programming rolling-horizon decomposition method. The algorithm leverages the layered structure of neural networks, by employing optimization-based bound-tightening on smaller sub-graphs of the original network in a rolling-horizon fashion. This strategy strikes a balance between achieving tighter bounds and ensuring the tractability of the underlying mixed-integer programs. Extensive numerical experiments, conducted on instances from the VNN-COMP benchmark library, demonstrate that the proposed approach yields significantly improved bounds compared to existing effective bound propagation methods. Notably, the parallelizable nature of the proposed method proves effective in solving open verification problems. Our code is built and released as part of the open-source mathematical modeling tool Gravity (https://github.com/coin-or/Gravity), which is extended to support generic neural network models.
△ Less
Submitted 29 March, 2024; v1 submitted 10 January, 2024;
originally announced January 2024.
-
Boosting Column Generation with Graph Neural Networks for Joint Rider Trip Planning and Crew Shift Scheduling
Authors:
Jiawei Lu,
Tinghan Ye,
Wenbo Chen,
Pascal Van Hentenryck
Abstract:
Optimizing service schedules is pivotal to the reliable, efficient, and inclusive on-demand mobility. This pressing challenge is further exacerbated by the increasing needs of an aging population, the oversubscription of existing services, and the lack of effective solution methods. This study addresses the intricacies of service scheduling, by jointly optimizing rider trip planning and crew sched…
▽ More
Optimizing service schedules is pivotal to the reliable, efficient, and inclusive on-demand mobility. This pressing challenge is further exacerbated by the increasing needs of an aging population, the oversubscription of existing services, and the lack of effective solution methods. This study addresses the intricacies of service scheduling, by jointly optimizing rider trip planning and crew scheduling for a complex dynamic mobility service. The resulting optimization problems are extremely challenging computationally for state-of-the-art methods. To address this fundamental gap, this paper introduces the Joint Rider Trip Planning and Crew Shift Scheduling Problem (JRTPCSSP) and a novel solution method, called Attention and Gated GNN-Informed Column Generation (AGGNNI-CG), that hybridizes column generation and machine learning to obtain near-optimal solutions to the JRTPCSSP with real-life constraints of the application. The key idea of the machine-learning component is to dramatically reduce the number of paths to explore in the pricing problem, accelerating the most time-consuming component of the column generation. The machine learning component is a graph neural network with an attention mechanism and a gated architecture, which is particularly suited to cater for the different input sizes coming from daily operations. AGGNNI-CG has been applied to a challenging, real-world dataset from the Paratransit system of Chatham County in Georgia. It produces substantial improvements compared to the baseline column generation approach, which typically cannot produce high-quality feasible solutions in reasonable time on large-scale complex instances. AGGNNI-CG also produces significant improvements in service quality compared to the existing system.
△ Less
Submitted 15 June, 2025; v1 submitted 8 January, 2024;
originally announced January 2024.
-
Self-Supervised Learning for Large-Scale Preventive Security Constrained DC Optimal Power Flow
Authors:
Seonho Park,
Pascal Van Hentenryck
Abstract:
Security-Constrained Optimal Power Flow (SCOPF) plays a crucial role in power grid stability but becomes increasingly complex as systems grow. This paper introduces PDL-SCOPF, a self-supervised end-to-end primal-dual learning framework for producing near-optimal solutions to large-scale SCOPF problems in milliseconds. Indeed, PDL-SCOPF remedies the limitations of supervised counterparts that rely…
▽ More
Security-Constrained Optimal Power Flow (SCOPF) plays a crucial role in power grid stability but becomes increasingly complex as systems grow. This paper introduces PDL-SCOPF, a self-supervised end-to-end primal-dual learning framework for producing near-optimal solutions to large-scale SCOPF problems in milliseconds. Indeed, PDL-SCOPF remedies the limitations of supervised counterparts that rely on training instances with their optimal solutions, which becomes impractical for large-scale SCOPF problems. PDL-SCOPF mimics an Augmented Lagrangian Method (ALM) for training primal and dual networks that learn the primal solutions and the Lagrangian multipliers, respectively, to the unconstrained optimizations. In addition, PDL-SCOPF incorporates a repair layer to ensure the feasibility of the power balance in the nominal case, and a binary search layer to compute, using the Automatic Primary Response (APR), the generator dispatches in the contingencies. The resulting differentiable program can then be trained end-to-end using the objective function of the SCOPF and the power balance constraints of the contingencies. Experimental results demonstrate that the PDL-SCOPF delivers accurate feasible solutions with minimal optimality gaps. The framework underlying PDL-SCOPF aims at bridging the gap between traditional optimization methods and machine learning, highlighting the potential of self-supervised end-to-end primal-dual learning for large-scale optimization tasks.
△ Less
Submitted 27 April, 2024; v1 submitted 29 November, 2023;
originally announced November 2023.
-
Learning Optimal Power Flow Value Functions with Input-Convex Neural Networks
Authors:
Andrew Rosemberg,
Mathieu Tanneau,
Bruno Fanzeres,
Joaquim Garcia,
Pascal Van Hentenryck
Abstract:
The Optimal Power Flow (OPF) problem is integral to the functioning of power systems, aiming to optimize generation dispatch while adhering to technical and operational constraints. These constraints are far from straightforward; they involve intricate, non-convex considerations related to Alternating Current (AC) power flow, which are essential for the safety and practicality of electrical grids.…
▽ More
The Optimal Power Flow (OPF) problem is integral to the functioning of power systems, aiming to optimize generation dispatch while adhering to technical and operational constraints. These constraints are far from straightforward; they involve intricate, non-convex considerations related to Alternating Current (AC) power flow, which are essential for the safety and practicality of electrical grids. However, solving the OPF problem for varying conditions within stringent time frames poses practical challenges. To address this, operators resort to model simplifications of varying accuracy. Unfortunately, better approximations (tight convex relaxations) are often computationally intractable. This research explores machine learning (ML) to learn convex approximate solutions for faster analysis in the online setting while still allowing for coupling into other convex dependent decision problems. By trading off a small amount of accuracy for substantial gains in speed, they enable the efficient exploration of vast solution spaces in these complex problems.
△ Less
Submitted 6 October, 2023;
originally announced October 2023.
-
Dual Conic Proxies for AC Optimal Power Flow
Authors:
Guancheng Qiu,
Mathieu Tanneau,
Pascal Van Hentenryck
Abstract:
In recent years, there has been significant interest in the development of machine learning-based optimization proxies for AC Optimal Power Flow (AC-OPF). Although significant progress has been achieved in predicting high-quality primal solutions, no existing learning-based approach can provide valid dual bounds for AC-OPF. This paper addresses this gap by training optimization proxies for a conve…
▽ More
In recent years, there has been significant interest in the development of machine learning-based optimization proxies for AC Optimal Power Flow (AC-OPF). Although significant progress has been achieved in predicting high-quality primal solutions, no existing learning-based approach can provide valid dual bounds for AC-OPF. This paper addresses this gap by training optimization proxies for a convex relaxation of AC-OPF. Namely, the paper considers a second-order cone (SOC) relaxation of AC-OPF, and proposes \revision{a novel architecture} that embeds a fast, differentiable (dual) feasibility recovery, thus providing valid dual bounds. The paper combines this new architecture with a self-supervised learning scheme, which alleviates the need for costly training data generation. Extensive numerical experiments on medium- and large-scale power grids demonstrate the efficiency and scalability of the proposed methodology.
△ Less
Submitted 26 March, 2024; v1 submitted 4 October, 2023;
originally announced October 2023.
-
Real-Time Risk Analysis with Optimization Proxies
Authors:
Wenbo Chen,
Mathieu Tanneau,
Pascal Van Hentenryck
Abstract:
The increasing penetration of renewable generation and distributed energy resources requires new operating practices for power systems, wherein risk is explicitly quantified and managed. However, traditional risk-assessment frameworks are not fast enough for real-time operations, because they require numerous simulations, each of which requires solving multiple economic dispatch problems sequentia…
▽ More
The increasing penetration of renewable generation and distributed energy resources requires new operating practices for power systems, wherein risk is explicitly quantified and managed. However, traditional risk-assessment frameworks are not fast enough for real-time operations, because they require numerous simulations, each of which requires solving multiple economic dispatch problems sequentially. The paper addresses this computational challenge by proposing proxy-based risk assessment, wherein optimization proxies are trained to learn the input-to-output mapping of an economic dispatch optimization solver. Once trained, the proxies make predictions in milliseconds, thereby enabling real-time risk assessment. The paper leverages self-supervised learning and end-to-end-feasible architecture to achieve high-quality sequential predictions. Numerical experiments on large systems demonstrate the scalability and accuracy of the proposed approach.
△ Less
Submitted 4 October, 2023; v1 submitted 1 October, 2023;
originally announced October 2023.
-
On the Viability of Stochastic Economic Dispatch for Real-Time Energy Market Clearing
Authors:
Haoruo Zhao,
Mathieu Tanneau,
Pascal Van Hentenryck
Abstract:
Over the past decade, the rapid adoption of intermittent renewable energy sources (RES), especially wind and solar generation, has posed challenges in managing real-time uncertainty and variability. In the U.S., Independent System Operators (ISOs) solve a security-constrained economic dispatch (SCED) every five minutes to clear real-time electricity markets, co-optimizing energy dispatch and reser…
▽ More
Over the past decade, the rapid adoption of intermittent renewable energy sources (RES), especially wind and solar generation, has posed challenges in managing real-time uncertainty and variability. In the U.S., Independent System Operators (ISOs) solve a security-constrained economic dispatch (SCED) every five minutes to clear real-time electricity markets, co-optimizing energy dispatch and reserve to minimize costs while meeting physical and reliability constraints. All SCED formulations in the U.S. are deterministic and mostly consider a single time period, limiting their effectiveness in managing real-time operational uncertainty from RES intermittency. This limitation is highlighted by the recent introduction of multiple short-term ramping products in U.S. markets, aiming to bridge the gap between deterministic and stochastic SCED formulations. While stochastic formulations address uncertainty in a unified and endogenous manner, their adoption has been hindered by high computational costs and, to a lesser extent, the availability of probabilistic forecasts. This paper revisits these concerns and demonstrates that stochastic economic dispatch is now a viable technology for real-time market clearing. It introduces the stochastic look-ahead dispatch (SLAD) formulation for real-time market clearing and presents an accelerated Benders' decomposition to solve it efficiently. Extensive experiments on a real, industry-sized transmission grid demonstrate the computational scalability of the proposed approach, with SLAD instances being solved in under 5 minutes. Furthermore, results show that SLAD provides more than 50% additional savings compared to flexiramp products and is more robust to the forecasting methodology. Therefore, SLAD is a promising approach for uncertainty management in real-time electricity markets.
△ Less
Submitted 23 October, 2024; v1 submitted 11 August, 2023;
originally announced August 2023.
-
Revitalizing Public Transit in Low Ridership Areas: An Exploration of On-Demand Multimodal Transit Systems
Authors:
Jiawei Lu,
Connor Riley,
Krishna Murthy Gurumurthy,
Pascal Van Hentenryck
Abstract:
Public transit plays an essential role in mitigating traffic congestion, reducing emissions, and enhancing travel accessibility and equity. One of the critical challenges in designing public transit systems is distributing finite service supplies temporally and spatially to accommodate time-varying and space-heterogeneous travel demands. Particularly, for regions with low or scattered ridership, t…
▽ More
Public transit plays an essential role in mitigating traffic congestion, reducing emissions, and enhancing travel accessibility and equity. One of the critical challenges in designing public transit systems is distributing finite service supplies temporally and spatially to accommodate time-varying and space-heterogeneous travel demands. Particularly, for regions with low or scattered ridership, there is a dilemma in designing traditional transit lines and corresponding service frequencies. Dense transit lines and high service frequency increase operation costs, while sparse transit lines and low service frequency result in poor accessibility and long passenger waiting time. In the coming era of Mobility-as-a-Service, the aforementioned challenge is expected to be addressed by on-demand services. In this study, we design an On-Demand Multimodel Transit System (ODMTS) for regions with low or scattered travel demands, in which some low-ridership bus lines are replaced with flexible on-demand ride-sharing shuttles. In the proposed ODMTS, riders within service regions can request shuttles to finish their trips or to connect to fixed-route services such as bus, metro, and light rail. Leveraging the integrated transportation system modeling platform, POLARIS, a simulation-based case study is conducted to assess the effectiveness of this system in Austin, Texas.
△ Less
Submitted 2 August, 2023;
originally announced August 2023.
-
AI4OPT: AI Institute for Advances in Optimization
Authors:
Pascal Van Hentenryck,
Kevin Dalmeijer
Abstract:
This article is a short introduction to AI4OPT, the NSF AI Institute for Advances in Optimization. AI4OPT fuses AI and Optimization, inspired by end-use cases in supply chains, energy systems, chip design and manufacturing, and sustainable food systems. AI4OPT also applies its "teaching the teachers" philosophy to provide longitudinal educational pathways in AI for engineering.
This article is a short introduction to AI4OPT, the NSF AI Institute for Advances in Optimization. AI4OPT fuses AI and Optimization, inspired by end-use cases in supply chains, energy systems, chip design and manufacturing, and sustainable food systems. AI4OPT also applies its "teaching the teachers" philosophy to provide longitudinal educational pathways in AI for engineering.
△ Less
Submitted 5 July, 2023;
originally announced July 2023.
-
Constraint Programming to Improve Hub Utilization in Autonomous Transfer Hub Networks
Authors:
Chungjae Lee,
Wirattawut Boonbandansook,
Vahid Eghbal Akhlaghi,
Kevin Dalmeijer,
Pascal Van Hentenryck
Abstract:
The Autonomous Transfer Hub Network (ATHN) is one of the most promising ways to adapt self-driving trucks for the freight industry. These networks use autonomous trucks for the middle mile, while human drivers perform the first and last miles. This paper extends previous work on optimizing ATHN operations by including transfer hub capacities, which are crucial for labor planning and policy design.…
▽ More
The Autonomous Transfer Hub Network (ATHN) is one of the most promising ways to adapt self-driving trucks for the freight industry. These networks use autonomous trucks for the middle mile, while human drivers perform the first and last miles. This paper extends previous work on optimizing ATHN operations by including transfer hub capacities, which are crucial for labor planning and policy design. It presents a Constraint Programming (CP) model that shifts an initial schedule produced by a Mixed Integer Program to minimize the hub capacities. The scalability of the CP model is demonstrated on a case study at the scale of the United States, based on data provided by Ryder System, Inc. The CP model efficiently finds optimal solutions and lowers the necessary total hub capacity by 42%, saving $15.2M in annual labor costs. The results also show that the reduced capacity is close to a theoretical (optimistic) lower bound.
△ Less
Submitted 22 September, 2023; v1 submitted 4 May, 2023;
originally announced May 2023.
-
Optimizing Autonomous Transfer Hub Networks: Quantifying the Potential Impact of Self-Driving Trucks
Authors:
Chungjae Lee,
Kevin Dalmeijer,
Pascal Van Hentenryck,
Peibo Zhang
Abstract:
Autonomous trucks are expected to fundamentally transform the freight transportation industry. In particular, Autonomous Transfer Hub Networks (ATHNs), which combine autonomous trucks on middle miles with human-driven trucks on the first and last miles, are seen as the most likely deployment pathway for this technology. This paper presents a framework to optimize ATHN operations and evaluate the b…
▽ More
Autonomous trucks are expected to fundamentally transform the freight transportation industry. In particular, Autonomous Transfer Hub Networks (ATHNs), which combine autonomous trucks on middle miles with human-driven trucks on the first and last miles, are seen as the most likely deployment pathway for this technology. This paper presents a framework to optimize ATHN operations and evaluate the benefits of autonomous trucking. By exploiting the problem structure, this paper introduces a flow-based optimization model for this purpose that can be solved by blackbox solvers in a matter of hours. The resulting framework is easy to apply and enables the data-driven analysis of large-scale systems. The power of this approach is demonstrated on a system that spans all of the United States over a four-week horizon. The case study quantifies the potential impact of autonomous trucking and shows that ATHNs can have significant benefits over traditional transportation networks.
△ Less
Submitted 14 August, 2024; v1 submitted 4 May, 2023;
originally announced May 2023.
-
End-to-End Feasible Optimization Proxies for Large-Scale Economic Dispatch
Authors:
Wenbo Chen,
Mathieu Tanneau,
Pascal Van Hentenryck
Abstract:
The paper proposes a novel End-to-End Learning and Repair (E2ELR) architecture for training optimization proxies for economic dispatch problems. E2ELR combines deep neural networks with closed-form, differentiable repair layers, thereby integrating learning and feasibility in an end-to-end fashion. E2ELR is also trained with self-supervised learning, removing the need for labeled data and the solv…
▽ More
The paper proposes a novel End-to-End Learning and Repair (E2ELR) architecture for training optimization proxies for economic dispatch problems. E2ELR combines deep neural networks with closed-form, differentiable repair layers, thereby integrating learning and feasibility in an end-to-end fashion. E2ELR is also trained with self-supervised learning, removing the need for labeled data and the solving of numerous optimization problems offline. E2ELR is evaluated on industry-size power grids with tens of thousands of buses using an economic dispatch that co-optimizes energy and reserves. The results demonstrate that the self-supervised E2ELR achieves state-of-the-art performance, with optimality gaps that outperform other baselines by at least an order of magnitude.
△ Less
Submitted 18 August, 2023; v1 submitted 23 April, 2023;
originally announced April 2023.
-
Column Generation for Real-Time Ride-Sharing Operations
Authors:
Connor Riley,
Antoine Legrain,
Pascal Van Hentenryck
Abstract:
This paper considers real-time dispatching for large-scale ride-sharing services over a rolling horizon. It presents RTDARS which relies on a column-generation algorithm to minimize wait times while guaranteeing short travel times and service for each customer. Experiments using historic taxi trips in New York City for instances with up to 30,000 requests per hour indicate that the algorithm scale…
▽ More
This paper considers real-time dispatching for large-scale ride-sharing services over a rolling horizon. It presents RTDARS which relies on a column-generation algorithm to minimize wait times while guaranteeing short travel times and service for each customer. Experiments using historic taxi trips in New York City for instances with up to 30,000 requests per hour indicate that the algorithm scales well and provides a principled and effective way to support large-scale ride-sharing services in dense cities.
△ Less
Submitted 4 March, 2023;
originally announced March 2023.
-
The Impact of Congestion and Dedicated Lanes on On-Demand Multimodal Transit Systems
Authors:
Jason Lu,
Anthony Trasatti,
Hongzhao Guan,
Kevin Dalmeijer,
Pascal Van Hentenryck
Abstract:
Traffic congestion can have a detrimental effect on public transit systems, and understanding and mitigating these effects is of critical importance for effective public transportation. Implementing Dedicated Bus Lanes (DBLs) is a well-known intervention to achieve this goal. A DBL is a designated lane for bus transit, which avoids congestion and substantially lowers the travel time. This makes tr…
▽ More
Traffic congestion can have a detrimental effect on public transit systems, and understanding and mitigating these effects is of critical importance for effective public transportation. Implementing Dedicated Bus Lanes (DBLs) is a well-known intervention to achieve this goal. A DBL is a designated lane for bus transit, which avoids congestion and substantially lowers the travel time. This makes transit more attractive, encouraging more travelers to adopt public transportation. This paper studies the impact of congestion and DBLs on novel On-Demand Multimodal Transit Systems (ODMTS). ODMTS combine traditional rail and bus networks with on-demand shuttles. Previous case studies have shown that ODMTS may simultaneously improve travel time, reduce system cost, and attract new passengers. Those benefits were shown for an ideal world without traffic congestion, and this paper hypothesizes that the advantages of ODMTS can be even more pronounced in the real world. This paper explores this hypothesis by creating realistic congestion scenarios and solving bilevel optimization problems to design ODMTS under these scenarios. The impact of DBLs on ODMTS is evaluated with a comprehensive case study in the Metro Atlanta Area. The results show that DBLs can significantly improve travel times and are effective at increasing adoption of the system.
△ Less
Submitted 21 February, 2024; v1 submitted 6 February, 2023;
originally announced February 2023.
-
Path-Based Formulations for the Design of On-demand Multimodal Transit Systems with Adoption Awareness
Authors:
Hongzhao Guan,
Beste Basciftci,
Pascal Van Hentenryck
Abstract:
This paper reconsiders the ODMTS Design with Adoptions problem (ODMTS-DA) to capture the latent demand in on-demand multimodal transit systems. The ODMTS-DA is a bilevel optimization problem, for which Basciftci and Van Hentenryck (2022) proposed an exact combinatorial Benders decomposition. Unfortunately, their proposed algorithm only finds high-quality solutions for medium-sized cities and is no…
▽ More
This paper reconsiders the ODMTS Design with Adoptions problem (ODMTS-DA) to capture the latent demand in on-demand multimodal transit systems. The ODMTS-DA is a bilevel optimization problem, for which Basciftci and Van Hentenryck (2022) proposed an exact combinatorial Benders decomposition. Unfortunately, their proposed algorithm only finds high-quality solutions for medium-sized cities and is not practical for large metropolitan areas. The main contribution of this paper is to propose a new path-based optimization model, called P-Path, to address these computational difficulties. The key idea underlying P-Path is to enumerate two specific sets of paths which capture the essence of the choice model associated with the adoption behavior of riders. With the help of these path sets, the ODMTS-DA can be formulated as a single-level mixed-integer programming model. In addition, the paper presents preprocessing techniques that can reduce the size of the model significantly. P-Path is evaluated on two comprehensive case studies: the mid-size transit system of the Ann Arbor Ypsilanti region in Michigan (which was studied by Basciftci and Van Hentenryck (2022)) and the large-scale transit system for the city of Atlanta. The experimental results show that P-Path solves the Michigan ODMTS-DA instances in a few minutes, bringing more than two orders of magnitude improvements compared to the existing approach. For Atlanta, the results show that P-Path can solve large-scale ODMTS-DA instances (about 17 millions of variables and 37 millions of constraints) optimally in a few hours or in a few days. These results show the tremendous computational benefits of P-Path which provides a scalable approach to the design of on-demand multimodal transit systems with latent demand.
△ Less
Submitted 31 January, 2024; v1 submitted 17 January, 2023;
originally announced January 2023.
-
Heuristic Algorithms for Integrating Latent Demand into the Design of Large-Scale On-Demand Multimodal Transit Systems
Authors:
Hongzhao Guan,
Beste Basciftci,
Pascal Van Hentenryck
Abstract:
Capturing latent demand has a pivotal role in designing public transit services: omitting these riders can lead to poor quality of service and/or additional costs. This paper explores this topic in the design of OnDemand Multimodal Transit Systems with Rider Adoptions (ODMTS-DA). Prior work proposed a bilevel optimization model between the transit agency and riders with choice of adoption, and an…
▽ More
Capturing latent demand has a pivotal role in designing public transit services: omitting these riders can lead to poor quality of service and/or additional costs. This paper explores this topic in the design of OnDemand Multimodal Transit Systems with Rider Adoptions (ODMTS-DA). Prior work proposed a bilevel optimization model between the transit agency and riders with choice of adoption, and an exact algorithm to solve the resulting ODMTS-DA design problem. However, due to the complexity and combinatorial nature of the ODMTS-DA, the exact algorithm exhibits difficulties on large-scale instances. This paper aims at addressing this challenge in order to find high-quality ODMTS-DA designs in reasonable time. It proposes five heuristic algorithms whose designs are driven by fundamental properties of optimal solutions. The performance of the heuristic algorithms are demonstrated on two test cases leveraging real data: a medium size case study for the Ann Arbor and Ypsilanti region in the state of Michigan and a large-scale case study conducted in the Atlanta metropolitan region in the state of Georgia. To evaluate the results, besides directly comparing computational times and optimality gaps with the exact algorithm, this paper introduces two additional metrics that leverage the characteristics of optimal solutions with respect to customer adoption. Computational results demonstrate that the heuristic algorithms find optimal solutions for medium-size problem in short running times, and discover high-quality solutions to the large-case study that improve upon the best solution found by the exact algorithm in considerably less time. The ODMTS designs obtained by these algorithms provide substantial benefits in terms of convenience, operating cost, and carbon emissions.
△ Less
Submitted 6 December, 2022;
originally announced December 2022.
-
Confidence-Aware Graph Neural Networks for Learning Reliability Assessment Commitments
Authors:
Seonho Park,
Wenbo Chen,
Dahye Han,
Mathieu Tanneau,
Pascal Van Hentenryck
Abstract:
Reliability Assessment Commitment (RAC) Optimization is increasingly important in grid operations due to larger shares of renewable generations in the generation mix and increased prediction errors. Independent System Operators (ISOs) also aim at using finer time granularities, longer time horizons, and possibly stochastic formulations for additional economic and reliability benefits. The goal of…
▽ More
Reliability Assessment Commitment (RAC) Optimization is increasingly important in grid operations due to larger shares of renewable generations in the generation mix and increased prediction errors. Independent System Operators (ISOs) also aim at using finer time granularities, longer time horizons, and possibly stochastic formulations for additional economic and reliability benefits. The goal of this paper is to address the computational challenges arising in extending the scope of RAC formulations. It presents RACLearn that (1) uses a Graph Neural Network (GNN) based architecture to predict generator commitments and active line constraints, (2) associates a confidence value to each commitment prediction, (3) selects a subset of the high-confidence predictions, which are (4) repaired for feasibility, and (5) seeds a state-of-the-art optimization algorithm with feasible predictions and active constraints. Experimental results on exact RAC formulations used by the Midcontinent Independent System Operator (MISO) and an actual transmission network (8965 transmission lines, 6708 buses, 1890 generators, and 6262 load units) show that the RACLearn framework can speed up RAC optimization by factors ranging from 2 to 4 with negligible loss in solution quality.
△ Less
Submitted 10 June, 2023; v1 submitted 28 November, 2022;
originally announced November 2022.
-
Privacy-Preserving Convex Optimization: When Differential Privacy Meets Stochastic Programming
Authors:
Vladimir Dvorkin,
Ferdinando Fioretto,
Pascal Van Hentenryck,
Pierre Pinson,
Jalal Kazempour
Abstract:
Convex optimization finds many real-life applications, where--optimized on real data--optimization results may expose private data attributes (e.g., individual health records, commercial information), thus leading to privacy breaches. To avoid these breaches and formally guarantee privacy to optimization data owners, we develop a new privacy-preserving perturbation strategy for convex optimization…
▽ More
Convex optimization finds many real-life applications, where--optimized on real data--optimization results may expose private data attributes (e.g., individual health records, commercial information), thus leading to privacy breaches. To avoid these breaches and formally guarantee privacy to optimization data owners, we develop a new privacy-preserving perturbation strategy for convex optimization programs by combining stochastic (chance-constrained) programming and differential privacy. Unlike standard noise-additive strategies, which perturb either optimization data or optimization results, we express the optimization variables as functions of the random perturbation using linear decision rules; we then optimize these rules to accommodate the perturbation within the problem's feasible region by enforcing chance constraints. This way, the perturbation is feasible and makes different, yet adjacent in the sense of a given distance function, optimization datasets statistically similar in randomized optimization results, thereby enabling probabilistic differential privacy guarantees. The chance-constrained optimization additionally internalizes the conditional value-at-risk measure to model the tolerance towards the worst-case realizations of the optimality loss w.r.t. the non-private solution. We demonstrate the privacy properties of our perturbation strategy analytically and through optimization and machine learning applications.
△ Less
Submitted 24 June, 2024; v1 submitted 28 September, 2022;
originally announced September 2022.
-
Self-Supervised Primal-Dual Learning for Constrained Optimization
Authors:
Seonho Park,
Pascal Van Hentenryck
Abstract:
This paper studies how to train machine-learning models that directly approximate the optimal solutions of constrained optimization problems. This is an empirical risk minimization under constraints, which is challenging as training must balance optimality and feasibility conditions. Supervised learning methods often approach this challenge by training the model on a large collection of pre-solved…
▽ More
This paper studies how to train machine-learning models that directly approximate the optimal solutions of constrained optimization problems. This is an empirical risk minimization under constraints, which is challenging as training must balance optimality and feasibility conditions. Supervised learning methods often approach this challenge by training the model on a large collection of pre-solved instances. This paper takes a different route and proposes the idea of Primal-Dual Learning (PDL), a self-supervised training method that does not require a set of pre-solved instances or an optimization solver for training and inference. Instead, PDL mimics the trajectory of an Augmented Lagrangian Method (ALM) and jointly trains primal and dual neural networks. Being a primal-dual method, PDL uses instance-specific penalties of the constraint terms in the loss function used to train the primal network. Experiments show that, on a set of nonlinear optimization benchmarks, PDL typically exhibits negligible constraint violations and minor optimality gaps, and is remarkably close to the ALM optimization. PDL also demonstrated improved or similar performance in terms of the optimality gaps, constraint violations, and training times compared to existing approaches.
△ Less
Submitted 22 November, 2022; v1 submitted 18 August, 2022;
originally announced August 2022.
-
Bucketized Active Sampling for Learning ACOPF
Authors:
Michael Klamkin,
Mathieu Tanneau,
Terrence W. K. Mak,
Pascal Van Hentenryck
Abstract:
This paper considers optimization proxies for Optimal Power Flow (OPF), i.e., machine-learning models that approximate the input/output relationship of OPF. Recent work has focused on showing that such proxies can be of high fidelity. However, their training requires significant data, each instance necessitating the (offline) solving of an OPF. To meet the requirements of market-clearing applicati…
▽ More
This paper considers optimization proxies for Optimal Power Flow (OPF), i.e., machine-learning models that approximate the input/output relationship of OPF. Recent work has focused on showing that such proxies can be of high fidelity. However, their training requires significant data, each instance necessitating the (offline) solving of an OPF. To meet the requirements of market-clearing applications, this paper proposes Bucketized Active Sampling (BAS), a novel active learning framework that aims at training the best possible OPF proxy within a time limit. BAS partitions the input domain into buckets and uses an acquisition function to determine where to sample next. By applying the same partitioning to the validation set, BAS leverages labeled validation samples in the selection of unlabeled samples. BAS also relies on an adaptive learning rate that increases and decreases over time. Experimental results demonstrate the benefits of BAS.
△ Less
Submitted 8 July, 2024; v1 submitted 15 August, 2022;
originally announced August 2022.
-
Polyhedral Relaxations for Optimal Pump Scheduling of Potable Water Distribution Networks
Authors:
Byron Tasseff,
Russell Bent,
Carleton Coffrin,
Clayton Barrows,
Devon Sigler,
Jonathan Stickel,
Ahmed S. Zamzam,
Yang Liu,
Pascal Van Hentenryck
Abstract:
The classic pump scheduling or Optimal Water Flow (OWF) problem for water distribution networks (WDNs) minimizes the cost of power consumption for a given WDN over a fixed time horizon. In its exact form, the OWF is a computationally challenging mixed-integer nonlinear program (MINLP). It is complicated by nonlinear equality constraints that model network physics, discrete variables that model ope…
▽ More
The classic pump scheduling or Optimal Water Flow (OWF) problem for water distribution networks (WDNs) minimizes the cost of power consumption for a given WDN over a fixed time horizon. In its exact form, the OWF is a computationally challenging mixed-integer nonlinear program (MINLP). It is complicated by nonlinear equality constraints that model network physics, discrete variables that model operational controls, and intertemporal constraints that model changes to storage devices. To address the computational challenges of the OWF, this paper develops tight polyhedral relaxations of the original MINLP, derives novel valid inequalities (or cuts) using duality theory, and implements novel optimization-based bound tightening and cut generation procedures. The efficacy of each new method is rigorously evaluated by measuring empirical improvements in OWF primal and dual bounds over forty-five literature instances. The evaluation suggests that our relaxation improvements, model strengthening techniques, and a thoughtfully selected polyhedral relaxation partitioning scheme can substantially improve OWF primal and dual bounds, especially when compared with similar relaxation-based techniques that do not leverage these new methods.
△ Less
Submitted 6 August, 2022;
originally announced August 2022.
-
Risk-Aware Control and Optimization for High-Renewable Power Grids
Authors:
Neil Barry,
Minas Chatzos,
Wenbo Chen,
Dahye Han,
Chaofan Huang,
Roshan Joseph,
Michael Klamkin,
Seonho Park,
Mathieu Tanneau,
Pascal Van Hentenryck,
Shangkun Wang,
Hanyu Zhang,
Haoruo Zhao
Abstract:
The transition of the electrical power grid from fossil fuels to renewable sources of energy raises fundamental challenges to the market-clearing algorithms that drive its operations. Indeed, the increased stochasticity in load and the volatility of renewable energy sources have led to significant increases in prediction errors, affecting the reliability and efficiency of existing deterministic op…
▽ More
The transition of the electrical power grid from fossil fuels to renewable sources of energy raises fundamental challenges to the market-clearing algorithms that drive its operations. Indeed, the increased stochasticity in load and the volatility of renewable energy sources have led to significant increases in prediction errors, affecting the reliability and efficiency of existing deterministic optimization models. The RAMC project was initiated to investigate how to move from this deterministic setting into a risk-aware framework where uncertainty is quantified explicitly and incorporated in the market-clearing optimizations. Risk-aware market-clearing raises challenges on its own, primarily from a computational standpoint. This paper reviews how RAMC approaches risk-aware market clearing and presents some of its innovations in uncertainty quantification, optimization, and machine learning. Experimental results on real networks are presented.
△ Less
Submitted 2 April, 2022;
originally announced April 2022.
-
Optimization Models for Autonomous Transfer Hub Networks
Authors:
Chungjae Lee,
Kevin Dalmeijer,
Pascal Van Hentenryck
Abstract:
Autonomous trucks are expected to fundamentally transform the freight transportation industry. In particular, Autonomous Transfer Hub Networks (ATHN), which combine autonomous trucks on middle miles with human-driven on the first and last miles, are seen as the most likely deployment pathway of this technology. This paper presents three methods to optimize ATHN operations and compares them: a cons…
▽ More
Autonomous trucks are expected to fundamentally transform the freight transportation industry. In particular, Autonomous Transfer Hub Networks (ATHN), which combine autonomous trucks on middle miles with human-driven on the first and last miles, are seen as the most likely deployment pathway of this technology. This paper presents three methods to optimize ATHN operations and compares them: a constraint-programming model, a column-generation approach, and a bespoke network flow method. Results on a real case study indicate that the network flow model is highly scalable and outperforms the other two approaches by significant margins.
△ Less
Submitted 16 January, 2022;
originally announced January 2022.
-
Learning Optimization Proxies for Large-Scale Security-Constrained Economic Dispatch
Authors:
Wenbo Chen,
Seonho Park,
Mathieu Tanneau,
Pascal Van Hentenryck
Abstract:
The Security-Constrained Economic Dispatch (SCED) is a fundamental optimization model for Transmission System Operators (TSO) to clear real-time energy markets while ensuring reliable operations of power grids. In a context of growing operational uncertainty, due to increased penetration of renewable generators and distributed energy resources, operators must continuously monitor risk in real-time…
▽ More
The Security-Constrained Economic Dispatch (SCED) is a fundamental optimization model for Transmission System Operators (TSO) to clear real-time energy markets while ensuring reliable operations of power grids. In a context of growing operational uncertainty, due to increased penetration of renewable generators and distributed energy resources, operators must continuously monitor risk in real-time, i.e., they must quickly assess the system's behavior under various changes in load and renewable production. Unfortunately, systematically solving an optimization problem for each such scenario is not practical given the tight constraints of real-time operations. To overcome this limitation, this paper proposes to learn an optimization proxy for SCED, i.e., a Machine Learning (ML) model that can predict an optimal solution for SCED in milliseconds. Motivated by a principled analysis of the market-clearing optimizations of MISO, the paper proposes a novel ML pipeline that addresses the main challenges of learning SCED solutions, i.e., the variability in load, renewable output and production costs, as well as the combinatorial structure of commitment decisions. A novel Classification-Then-Regression architecture is also proposed, to further capture the behavior of SCED solutions. Numerical experiments are reported on the French transmission system, and demonstrate the approach's ability to produce, within a time frame that is compatible with real-time operations, accurate optimization proxies that produce relative errors below $0.6\%$.
△ Less
Submitted 26 December, 2021;
originally announced December 2021.
-
A Linear Outer Approximation of Line Losses for DC-based Optimal Power Flow Problems
Authors:
Haoruo Zhao,
Mathieu Tanneau,
Pascal Van Hentenryck
Abstract:
This paper proposes a novel and simple linear model to capture line losses for use in linearized DC models, such as optimal power flow (DC-OPF) and security-constrained economic dispatch (SCED). The \textit{Line Loss Outer Approximation} (LLOA) model implements an outer approximation of the line losses lazily and typically terminates in a small number of iterations. Experiments on large-scale powe…
▽ More
This paper proposes a novel and simple linear model to capture line losses for use in linearized DC models, such as optimal power flow (DC-OPF) and security-constrained economic dispatch (SCED). The \textit{Line Loss Outer Approximation} (LLOA) model implements an outer approximation of the line losses lazily and typically terminates in a small number of iterations. Experiments on large-scale power systems demonstrate the accuracy and computational efficiency of LLOA and contrast it with classical line loss approaches. The results seem to indicate that LLOA is a practical and useful model for real-world applications, providing a good tradeoff between accuracy, computational efficiency, and implementation simplicity. In particular, the LLOA method may have significant advantages compared to the traditional loss factor formulation for multi-period, stochastic optimization problems where good reference points may not be available. The paper also provides a comprehensive overview and evaluation of approximation methods for line losses.
△ Less
Submitted 23 December, 2021; v1 submitted 20 December, 2021;
originally announced December 2021.
-
Data-Driven Time Series Reconstruction for Modern Power Systems Research
Authors:
Minas Chatzos,
Mathieu Tanneau,
Pascal Van Hentenryck
Abstract:
A critical aspect of power systems research is the availability of suitable data, access to which is limited by privacy concerns and the sensitive nature of energy infrastructure. This lack of data, in turn, hinders the development of modern research avenues such as machine learning approaches or stochastic formulations. To overcome this challenge, this paper proposes a systematic, data-driven fra…
▽ More
A critical aspect of power systems research is the availability of suitable data, access to which is limited by privacy concerns and the sensitive nature of energy infrastructure. This lack of data, in turn, hinders the development of modern research avenues such as machine learning approaches or stochastic formulations. To overcome this challenge, this paper proposes a systematic, data-driven framework for reconstructing high-fidelity time series, using publicly-available grid snapshots and historical data published by transmission system operators. The proposed approach, from geo-spatial data and generation capacity reconstruction, to time series disaggregation, is applied to the French transmission grid. Thereby, synthetic but highly realistic time series data, spanning multiple years with a 5-minute granularity, is generated at the individual component level.
△ Less
Submitted 26 October, 2021;
originally announced October 2021.
-
Optimizing Freight Operations for Autonomous Transfer Hub Networks
Authors:
Kevin Dalmeijer,
Pascal Van Hentenryck
Abstract:
Autonomous trucks are expected to fundamentally transform the freight transportation industry, and the technology is advancing rapidly. According to some of the major players, the Autonomous Transfer Hub Network (ATHN) business model is the most likely future for the industry. ATHNs make use of transfer hubs to hand off trailers between human-driven trucks and autonomous trucks. Autonomous trucks…
▽ More
Autonomous trucks are expected to fundamentally transform the freight transportation industry, and the technology is advancing rapidly. According to some of the major players, the Autonomous Transfer Hub Network (ATHN) business model is the most likely future for the industry. ATHNs make use of transfer hubs to hand off trailers between human-driven trucks and autonomous trucks. Autonomous trucks then carry out the transportation between the hubs, while conventional trucks serve the first and last mile. This paper presents a Constraint Programming (CP) model to schedule the ATHN operations to perform a given set of orders. The model is used to, for the first time, provide a detailed quantitative study of the benefits of ATHNs by considering a real case study where actual operations are modeled and optimized with high fidelity. It is found that solving this large-scale optimization problem with CP is computationally feasible, and that ATHNs may bring significant cost savings.
△ Less
Submitted 23 October, 2021;
originally announced October 2021.
-
The Bicycle Network Improvement Problem
Authors:
Jisoon Lim,
Kevin Dalmeijer,
Subhrajit Guhathakurta,
Pascal Van Hentenryck
Abstract:
Using a bicycle for commuting is still uncommon in US cities, although it brings many benefits to both the cyclists and to society as a whole. Cycling has the potential to reduce traffic congestion and emissions, increase mobility, and improve public health. To convince people to commute by bike, the infrastructure plays an important role, since safety is one of the primary concerns of potential c…
▽ More
Using a bicycle for commuting is still uncommon in US cities, although it brings many benefits to both the cyclists and to society as a whole. Cycling has the potential to reduce traffic congestion and emissions, increase mobility, and improve public health. To convince people to commute by bike, the infrastructure plays an important role, since safety is one of the primary concerns of potential cyclists. This paper presents a method to find the best way to improve the safety of a bicycle network for a given budget and maximize the number of riders that could now choose bicycles for their commuting needs. This optimization problem is formalized as the Bicycle Network Improvement Problem (BNIP): it selects which roads to improve for a set of traveler origin-destination pairs, taking both safety and travel distance into account. The BNIP is modeled as a mixed-integer linear program that minimizes a piecewise linear penalty function of route deviations of travelers. The MIP is solved using Benders decomposition to scale to large instances. The paper also presents an in-depth case study for the Midtown area in Atlanta, GA, using actual transportation data. The results show that the Benders decomposition algorithm allows for solving realistic problem instances and that the network improvements may significantly increase the share of bicycles as the commuting mode. Multiple practical aspects are considered as well, including sequential road improvements, uneven improvement costs, and how to include additional data.
△ Less
Submitted 5 August, 2022; v1 submitted 9 July, 2021;
originally announced July 2021.
-
Public Transit for Special Events: Ridership Prediction and Train Optimization
Authors:
Tejas Santanam,
Anthony Trasatti,
Pascal Van Hentenryck,
Hanyu Zhang
Abstract:
Many special events, including sport games and concerts, often cause surges in demand and congestion for transit systems. Therefore, it is important for transit providers to understand their impact on disruptions, delays, and fare revenues. This paper proposes a suite of data-driven techniques that exploit Automated Fare Collection (AFC) data for evaluating, anticipating, and managing the performa…
▽ More
Many special events, including sport games and concerts, often cause surges in demand and congestion for transit systems. Therefore, it is important for transit providers to understand their impact on disruptions, delays, and fare revenues. This paper proposes a suite of data-driven techniques that exploit Automated Fare Collection (AFC) data for evaluating, anticipating, and managing the performance of transit systems during recurring congestion peaks due to special events. This includes an extensive analysis of ridership of the two major stadiums in downtown Atlanta using rail data from the Metropolitan Atlanta Rapid Transit Authority (MARTA). The paper first highlights the ridership predictability at the aggregate level for each station on both event and non-event days. It then presents an unsupervised machine-learning model to cluster passengers and identify which train they are boarding. The model makes it possible to evaluate system performance in terms of fundamental metrics such as the passenger load per train and the wait times of riders. The paper also presents linear regression and random forest models for predicting ridership that are used in combination with historical throughput analysis to forecast demand. Finally, simulations are performed that showcase the potential improvements to wait times and demand matching by leveraging proposed techniques to optimize train frequencies based on forecasted demand.
△ Less
Submitted 9 June, 2021;
originally announced June 2021.
-
Learning Hard Optimization Problems: A Data Generation Perspective
Authors:
James Kotary,
Ferdinando Fioretto,
Pascal Van Hentenryck
Abstract:
Optimization problems are ubiquitous in our societies and are present in almost every segment of the economy. Most of these optimization problems are NP-hard and computationally demanding, often requiring approximate solutions for large-scale instances. Machine learning frameworks that learn to approximate solutions to such hard optimization problems are a potentially promising avenue to address t…
▽ More
Optimization problems are ubiquitous in our societies and are present in almost every segment of the economy. Most of these optimization problems are NP-hard and computationally demanding, often requiring approximate solutions for large-scale instances. Machine learning frameworks that learn to approximate solutions to such hard optimization problems are a potentially promising avenue to address these difficulties, particularly when many closely related problem instances must be solved repeatedly. Supervised learning frameworks can train a model using the outputs of pre-solved instances. However, when the outputs are themselves approximations, when the optimization problem has symmetric solutions, and/or when the solver uses randomization, solutions to closely related instances may exhibit large differences and the learning task can become inherently more difficult. This paper demonstrates this critical challenge, connects the volatility of the training data to the ability of a model to approximate it, and proposes a method for producing (exact or approximate) solutions to optimization problems that are more amenable to supervised learning tasks. The effectiveness of the method is tested on hard non-linear nonconvex and discrete combinatorial problems.
△ Less
Submitted 21 June, 2021; v1 submitted 4 June, 2021;
originally announced June 2021.
-
Learning Model-Based Vehicle-Relocation Decisions for Real-Time Ride-Sharing: Hybridizing Learning and Optimization
Authors:
Enpeng Yuan,
Pascal Van Hentenryck
Abstract:
Large-scale ride-sharing systems combine real-time dispatching and routing optimization over a rolling time horizon with a model predictive control (MPC) component that relocates idle vehicles to anticipate the demand. The MPC optimization operates over a longer time horizon to compensate for the inherent myopic nature of the real-time dispatching. These longer time horizons are beneficial for the…
▽ More
Large-scale ride-sharing systems combine real-time dispatching and routing optimization over a rolling time horizon with a model predictive control (MPC) component that relocates idle vehicles to anticipate the demand. The MPC optimization operates over a longer time horizon to compensate for the inherent myopic nature of the real-time dispatching. These longer time horizons are beneficial for the quality of relocation decisions but increase computational complexity. Consequently, the ride-sharing operators are often forced to use a relatively short time horizon. To address this computational challenge, this paper proposes a hybrid approach that combines machine learning and optimization. The machine-learning component learns the optimal solution to the MPC on the aggregated level to overcome the sparsity and high-dimensionality of the solution. The optimization component transforms the machine-learning prediction back to the original granularity through a tractable transportation model. As a consequence, the original NP-hard MPC problem is reduced to a polynomial time prediction and optimization, which allows the ride-sharing operators to consider a longer time horizon. Experimental results show that the hybrid approach achieves significantly better service quality than the MPC optimization in terms of average rider waiting time, due to its ability to model a longer horizon.
△ Less
Submitted 21 July, 2021; v1 submitted 27 May, 2021;
originally announced May 2021.
-
Ridesharing and Fleet Sizing For On-Demand Multimodal Transit Systems
Authors:
Ramon Auad,
Pascal Van Hentenryck
Abstract:
This paper considers the design of On-Demand Multimodal Transit Systems (ODMTS) that combine fixed bus/rail routes between transit hubs with on-demand shuttles that serve the first/last miles to/from the hubs. The design problem aims at finding a network design for the fixed routes to allow a set of riders to travel from their origins to their destinations, while minimizing the sum of the travel c…
▽ More
This paper considers the design of On-Demand Multimodal Transit Systems (ODMTS) that combine fixed bus/rail routes between transit hubs with on-demand shuttles that serve the first/last miles to/from the hubs. The design problem aims at finding a network design for the fixed routes to allow a set of riders to travel from their origins to their destinations, while minimizing the sum of the travel costs, the bus operating costs, and rider travel times. The paper addresses two gaps in existing tools for designing ODMTS. First, it generalizes prior work by including ridesharing in the shuttle rides. Second, it proposes novel fleet-sizing algorithms for determining the number of shuttles needed to meet the performance metrics of the ODMTS design. Both contributions are based on Mixed-Integer Programs (MIP). For the ODMTS design, the MIP reasons about pickup and dropoff routes in order to capture ridesharing, grouping riders who travel to/from the same hub. The fleet-sizing optimization is modeled as a minimum flow problem with covering constraints. The natural formulation leads to a dense graph and computational issues, which is addressed by a reformulation that works on a sparse graph. The methodological contributions are evaluated on a real case study: the public transit system of the broader Ann Arbor and Ypsilanti region in Michigan. The results demonstrate the substantial potential of ridesharing for ODMTS, as costs are reduced by about 26% with respect to allowing only individual shuttle rides, at the expense of a minimal increase in transit times. Compared to the existing system, the designed ODMTS also cuts down costs by 35% and reduces transit times by 38%.
△ Less
Submitted 30 January, 2022; v1 submitted 26 January, 2021;
originally announced January 2021.
-
Resiliency of On-Demand Multimodal Transit Systems During a Pandemic
Authors:
Ramon Auad,
Kevin Dalmeijer,
Connor Riley,
Tejas Santanam,
Anthony Trasatti,
Pascal Van Hentenryck,
Hanyu Zhang
Abstract:
During the COVID-19 pandemic, the collapse of the public transit ridership led to significant budget deficits due to dramatic decreases in fare revenues. Additionally, public transit agencies are facing challenges of reduced vehicle capacity due to social distancing requirements, additional costs of cleaning and protective equipment, and increased downtime for vehicle cleaning. Due to these constr…
▽ More
During the COVID-19 pandemic, the collapse of the public transit ridership led to significant budget deficits due to dramatic decreases in fare revenues. Additionally, public transit agencies are facing challenges of reduced vehicle capacity due to social distancing requirements, additional costs of cleaning and protective equipment, and increased downtime for vehicle cleaning. Due to these constraints on resources and budgets, many transit agencies have adopted essential service plans with reduced service hours, number of routes, or frequencies. This paper studies the resiliency during a pandemic of On-Demand Multimodal Transit Systems (ODMTS), a new generation of transit systems that combine a network of high-frequency trains and buses with on-demand shuttles to serve the first and last miles and act as feeders to the fixed network. It presents a case study for the city of Atlanta and evaluates ODMTS for multiple scenarios of depressed demand and social distancing representing various stages of the pandemic.
The case study relies on an optimization pipeline that provides an end-to-end ODMTS solution by bringing together methods for demand estimation, network design, fleet sizing, and real-time dispatching. These methods are adapted to work in a multimodal setting and to satisfy practical constraints. In particular, a limit is imposed on the number of passenger transfers, and a new network design model is introduced to avoid the computational burden stemming from this constraint. Real data from the Metropolitan Atlanta Rapid Transit Authority (MARTA) is used to conduct the case study, and the results are evaluated with a high-fidelity simulation. The case study demonstrates how ODMTS provide a resilient solution in terms of cost, convenience, and accessibility for this wide range of scenarios.
△ Less
Submitted 30 September, 2021; v1 submitted 13 January, 2021;
originally announced January 2021.
-
Commuting with Autonomous Vehicles: A Branch and Cut Algorithm with Redundant Modeling
Authors:
Mohd. Hafiz Hasan,
Pascal Van Hentenryck
Abstract:
This paper studies the benefits of autonomous vehicles in ride-sharing platforms dedicated to serving commuting needs. It considers the Commute Trip Sharing Problem with Autonomous Vehicles (CTSPAV), the optimization problem faced by a reservation-based platform that receives daily commute-trip requests and serves them with a fleet of autonomous vehicles. The CTSPAV can be viewed as a special case…
▽ More
This paper studies the benefits of autonomous vehicles in ride-sharing platforms dedicated to serving commuting needs. It considers the Commute Trip Sharing Problem with Autonomous Vehicles (CTSPAV), the optimization problem faced by a reservation-based platform that receives daily commute-trip requests and serves them with a fleet of autonomous vehicles. The CTSPAV can be viewed as a special case of the Dial- A-Ride Problem (DARP). However, this paper recognizes that commuting trips exhibit special spatial and temporal properties that can be exploited in a branch and cut algorithm that leverages a redundant modeling approach. In particular, the branch and cut algorithm relies on a MIP formulation that schedules mini routes representing inbound or outbound trips. This formulation is effective in finding high-quality solutions quickly but its relaxation is relatively weak. To remedy this limitation, the mini-route MIP is complemented by a DARP formulation which is not as effective in obtaining primal solutions but has a stronger relaxation. The benefits of the proposed approach are demonstrated by comparing it with another, more traditional, exact branch and cut procedure and a heuristic method based on mini routes.
The methodological contribution is complemented by a comprehensive analysis of a CTSPAV platform for reducing vehicle counts, travel distances, and congestion. In particular, the case study for a medium-sized city reveals that a CTSPAV platform can reduce daily vehicle counts by a staggering 92% and decrease vehicles miles by 30%. The platform also significantly reduces congestion, measured as the number of vehicles on the road per unit time, by 60% during peak times. These benefits, however, come at the expense of introducing empty miles. Hence the paper also highlights the tradeoffs between future ride-sharing and car-pooling platforms.
△ Less
Submitted 4 January, 2021;
originally announced January 2021.
-
Capturing Travel Mode Adoption in Designing On-demand Multimodal Transit Systems
Authors:
Beste Basciftci,
Pascal Van Hentenryck
Abstract:
This paper studies how to integrate rider mode preferences into the design of On-Demand Multimodal Transit Systems (ODMTS). It is motivated by a common worry in transit agencies that an ODMTS may be poorly designed if the latent demand, i.e., new riders adopting the system, is not captured. The paper proposes a bilevel optimization model to address this challenge, in which the leader problem deter…
▽ More
This paper studies how to integrate rider mode preferences into the design of On-Demand Multimodal Transit Systems (ODMTS). It is motivated by a common worry in transit agencies that an ODMTS may be poorly designed if the latent demand, i.e., new riders adopting the system, is not captured. The paper proposes a bilevel optimization model to address this challenge, in which the leader problem determines the ODMTS design, and the follower problems identify the most cost efficient and convenient route for riders under the chosen design. The leader model contains a choice model for every potential rider that determines whether the rider adopts the ODMTS given her proposed route. To solve the bilevel optimization model, the paper proposes an exact decomposition method that includes Benders optimal cuts and nogood cuts to ensure the consistency of the rider choices in the leader and follower problems. Moreover, to improve computational efficiency, the paper proposes upper bounds on trip durations for the follower problems and valid inequalities that strenghten the nogood cuts.
The proposed method is validated using an extensive computational study on a real data set from AAATA, the transit agency for the broader Ann Arbor and Ypsilanti region in Michigan. The study considers the impact of a number of factors, including the price of on-demand shuttles, the number of hubs, and accessibility criteria. The designed ODMTS feature high adoption rates and significantly shorter trip durations compared to the existing transit system and highlight the benefits in accessibility for low-income riders. Finally, the computational study demonstrates the efficiency of the decomposition method for the case study and the benefits of computational enhancements that improve the baseline method by several orders of magnitude.
△ Less
Submitted 20 September, 2022; v1 submitted 4 January, 2021;
originally announced January 2021.