Song, Wen
Learning to Handle Complex Constraints for Vehicle Routing Problems
Bi, Jieyi, Ma, Yining, Zhou, Jianan, Song, Wen, Cao, Zhiguang, Wu, Yaoxin, Zhang, Jie
Vehicle Routing Problems (VRPs) can model many real-world scenarios and often involve complex constraints. While recent neural methods excel in constructing solutions based on feasibility masking, they struggle with handling complex constraints, especially when obtaining the masking itself is NP-hard. In this paper, we propose a novel Proactive Infeasibility Prevention (PIP) framework to advance the capabilities of neural methods towards more complex VRPs. Our PIP integrates the Lagrangian multiplier as a basis to enhance constraint awareness and introduces preventative infeasibility masking to proactively steer the solution construction process. Moreover, we present PIP-D, which employs an auxiliary decoder and two adaptive strategies to learn and predict these tailored masks, potentially enhancing performance while significantly reducing computational costs during training. To verify our PIP designs, we conduct extensive experiments on the highly challenging Traveling Salesman Problem with Time Window (TSPTW), and TSP with Draft Limit (TSPDL) variants under different constraint hardness levels. Notably, our PIP is generic to boost many neural methods, and exhibits both a significant reduction in infeasible rate and a substantial improvement in solution quality.
Collaboration! Towards Robust Neural Methods for Routing Problems
Zhou, Jianan, Wu, Yaoxin, Cao, Zhiguang, Song, Wen, Zhang, Jie, Shen, Zhiqi
Despite enjoying desirable efficiency and reduced reliance on domain expertise, existing neural methods for vehicle routing problems (VRPs) suffer from severe robustness issues -- their performance significantly deteriorates on clean instances with crafted perturbations. To enhance robustness, we propose an ensemble-based Collaborative Neural Framework (CNF) w.r.t. the defense of neural VRP methods, which is crucial yet underexplored in the literature. Given a neural VRP method, we adversarially train multiple models in a collaborative manner to synergistically promote robustness against attacks, while boosting standard generalization on clean instances. A neural router is designed to adeptly distribute training instances among models, enhancing overall load balancing and collaborative efficacy. Extensive experiments verify the effectiveness and versatility of CNF in defending against various attacks across different neural VRP methods. Notably, our approach also achieves impressive out-of-distribution generalization on benchmark instances.
Cross-Problem Learning for Solving Vehicle Routing Problems
Lin, Zhuoyi, Wu, Yaoxin, Zhou, Bangjian, Cao, Zhiguang, Song, Wen, Zhang, Yingqian, Jayavelu, Senthilnath
Among the studied COPs, the Vehicle Routing Problems (VRPs) are often favoured and chosen to verify the effectiveness Existing neural heuristics often train a deep architecture of the NCO methods, especially the Traveling from scratch for each specific vehicle Salesman Problem (TSP) and Capacitated Vehicle Routing routing problem (VRP), ignoring the transferable Problem (CVRP). On the one hand, VRPs are widely applied knowledge across different VRP variants. This paper in real-world scenarios such as logistics, and drone proposes the cross-problem learning to assist delivery [Wang and Sheu, 2019; Konstantakopoulos et al., heuristics training for different downstream VRP 2022]. On the other hand, VRPs are known to be NPcomplete variants. Particularly, we modularize neural architectures problems, and many of them are challenging to be for complex VRPs into 1) the backbone solved efficiently. With the advances of deep learning and its Transformer for tackling the travelling salesman power to automatically learn neural heuristics, NCO methods problem (TSP), and 2) the additional lightweight have demonstrated notable promise against traditional heuristics modules for processing problem-specific features [Kool et al., 2018; Kwon et al., 2020; Li et al., 2021; Luo in complex VRPs. Accordingly, we propose to pretrain et al., 2023]. To further strengthen NCO methods, a number the backbone Transformer for TSP, and then of recent endeavors have been paid to enhance generalization apply it in the process of fine-tuning the Transformer capabilities, which attempt to ameliorate the performance of models for each target VRP variant. On the the neural heuristics in solving the VRP instances with distributions one hand, we fully fine-tune the trained backbone or sizes unseen during training [Geisler et al., 2022; Transformer and problem-specific modules simultaneously.
Learning Topological Representations with Bidirectional Graph Attention Network for Solving Job Shop Scheduling Problem
Zhang, Cong, Cao, Zhiguang, Wu, Yaoxin, Song, Wen, Sun, Jing
Existing learning-based methods for solving job shop scheduling problems (JSSP) usually use off-the-shelf GNN models tailored to undirected graphs and neglect the rich and meaningful topological structures of disjunctive graphs (DGs). This paper proposes the topology-aware bidirectional graph attention network (TBGAT), a novel GNN architecture based on the attention mechanism, to embed the DG for solving JSSP in a local search framework. Specifically, TBGAT embeds the DG from a forward and a backward view, respectively, where the messages are propagated by following the different topologies of the views and aggregated via graph attention. Then, we propose a novel operator based on the message-passing mechanism to calculate the forward and backward topological sorts of the DG, which are the features for characterizing the topological structures and exploited by our model. In addition, we theoretically and experimentally show that TBGAT has linear computational complexity to the number of jobs and machines, respectively, strengthening our method's practical value. Besides, extensive experiments on five synthetic datasets and seven classic benchmarks show that TBGAT achieves new SOTA results by outperforming a wide range of neural methods by a large margin. All the code and data are publicly available online at https://github.com/zcaicaros/TBGAT.
MVMoE: Multi-Task Vehicle Routing Solver with Mixture-of-Experts
Zhou, Jianan, Cao, Zhiguang, Wu, Yaoxin, Song, Wen, Ma, Yining, Zhang, Jie, Xu, Chi
Learning to solve vehicle routing problems (VRPs) has garnered much attention. However, most neural solvers are only structured and trained independently on a specific problem, making them less generic and practical. In this paper, we aim to develop a unified neural solver that can cope with a range of VRP variants simultaneously. Specifically, we propose a multi-task vehicle routing solver with mixture-of-experts (MVMoE), which greatly enhances the model capacity without a proportional increase in computation. We further develop a hierarchical gating mechanism for the MVMoE, delivering a good trade-off between empirical performance and computational complexity. Experimentally, our method significantly promotes zero-shot generalization performance on 10 unseen VRP variants, and showcases decent results on the few-shot setting and real-world benchmark instances. We further conduct extensive studies on the effect of MoE configurations in solving VRPs, and observe the superiority of hierarchical gating when facing out-of-distribution data. The source code is available at: https://github.com/RoyalSkye/Routing-MVMoE.
Towards Omni-generalizable Neural Methods for Vehicle Routing Problems
Zhou, Jianan, Wu, Yaoxin, Song, Wen, Cao, Zhiguang, Zhang, Jie
Learning heuristics for vehicle routing problems (VRPs) has gained much attention due to the less reliance on hand-crafted rules. However, existing methods are typically trained and tested on the same task with a fixed size and distribution (of nodes), and hence suffer from limited generalization performance. This paper studies a challenging yet realistic setting, which considers generalization across both size and distribution in VRPs. We propose a generic meta-learning framework, which enables effective training of an initialized model with the capability of fast adaptation to new tasks during inference. We further develop a simple yet efficient approximation method to reduce the training overhead. Extensive experiments on both synthetic and benchmark instances of the traveling salesman problem (TSP) and capacitated vehicle routing problem (CVRP) demonstrate the effectiveness of our method. The code is available at: https://github.com/RoyalSkye/Omni-VRP.
Learning Large Neighborhood Search for Vehicle Routing in Airport Ground Handling
Zhou, Jianan, Wu, Yaoxin, Cao, Zhiguang, Song, Wen, Zhang, Jie, Chen, Zhenghua
Dispatching vehicle fleets to serve flights is a key task in airport ground handling (AGH). Due to the notable growth of flights, it is challenging to simultaneously schedule multiple types of operations (services) for a large number of flights, where each type of operation is performed by one specific vehicle fleet. To tackle this issue, we first represent the operation scheduling as a complex vehicle routing problem and formulate it as a mixed integer linear programming (MILP) model. Then given the graph representation of the MILP model, we propose a learning assisted large neighborhood search (LNS) method using data generated based on real scenarios, where we integrate imitation learning and graph convolutional network (GCN) to learn a destroy operator to automatically select variables, and employ an off-the-shelf solver as the repair operator to reoptimize the selected variables. Experimental results based on a real airport show that the proposed method allows for handling up to 200 flights with 10 types of operations simultaneously, and outperforms state-of-the-art methods. Moreover, the learned method performs consistently accompanying different solvers, and generalizes well on larger instances, verifying the versatility and scalability of our method.
Learning to Search for Job Shop Scheduling via Deep Reinforcement Learning
Zhang, Cong, Song, Wen, Cao, Zhiguang, Zhang, Jie, Tan, Puay Siew, Xu, Chi
Recent studies in using deep reinforcement learning (DRL) to solve Job-shop scheduling problems (JSSP) focus on construction heuristics. However, their performance is still far from optimality, mainly because the underlying graph representation scheme is unsuitable for modeling partial solutions at each construction step. This paper proposes a novel DRL-based method to learn improvement heuristics for JSSP, where graph representation is employed to encode complete solutions. We design a Graph Neural Network based representation scheme, consisting of two modules to effectively capture the information of dynamic topology and different types of nodes in graphs encountered during the improvement process. To speed up solution evaluation during improvement, we design a novel message-passing mechanism that can evaluate multiple solutions simultaneously. Extensive experiments on classic benchmarks show that the improvement policy learned by our method outperforms state-of-the-art DRL-based methods by a large margin.
Learning Large Neighborhood Search Policy for Integer Programming
Wu, Yaoxin, Song, Wen, Cao, Zhiguang, Zhang, Jie
We propose a deep reinforcement learning (RL) method to learn large neighborhood search (LNS) policy for integer programming (IP). The RL policy is trained as the destroy operator to select a subset of variables at each step, which is reoptimized by an IP solver as the repair operator. However, the combinatorial number of variable subsets prevents direct application of typical RL algorithms. To tackle this challenge, we represent all subsets by factorizing them into binary decisions on each variable. We then design a neural network to learn policies for each variable in parallel, trained by a customized actor-critic algorithm. We evaluate the proposed method on four representative IP problems. Results show that it can find better solutions than SCIP in much less time, and significantly outperform other LNS baselines with the same runtime. Moreover, these advantages notably persist when the policies generalize to larger problems. Further experiments with Gurobi also reveal that our method can outperform this state-of-the-art commercial solver within the same time limit.
NeuroLKH: Combining Deep Learning Model with Lin-Kernighan-Helsgaun Heuristic for Solving the Traveling Salesman Problem
Xin, Liang, Song, Wen, Cao, Zhiguang, Zhang, Jie
We present NeuroLKH, a novel algorithm that combines deep learning with the strong traditional heuristic Lin-Kernighan-Helsgaun (LKH) for solving Traveling Salesman Problem. Specifically, we train a Sparse Graph Network (SGN) with supervised learning for edge scores and unsupervised learning for node penalties, both of which are critical for improving the performance of LKH. Based on the output of SGN, NeuroLKH creates the edge candidate set and transforms edge distances to guide the searching process of LKH. Extensive experiments firmly demonstrate that, by training one model on a wide range of problem sizes, NeuroLKH significantly outperforms LKH and generalizes well to much larger sizes. Also, we show that NeuroLKH can be applied to other routing problems such as Capacitated Vehicle Routing Problem (CVRP), Pickup and Delivery Problem (PDP), and CVRP with Time Windows (CVRPTW).