Sign in to use this feature.

Years

Between: -

Subjects

remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline

Journals

Article Types

Countries / Regions

Search Results (271)

Search Parameters:
Keywords = large-scale road networks

Order results
Result details
Results per page
Select all
Export citation of selected articles as:
14 pages, 1304 KB  
Article
RoadNet: A High-Precision Transformer-CNN Framework for Road Defect Detection via UAV-Based Visual Perception
by Long Gou, Yadong Liang, Xingyu Zhang and Jianfeng Yang
Drones 2025, 9(10), 691; https://doi.org/10.3390/drones9100691 - 9 Oct 2025
Viewed by 67
Abstract
Automated Road defect detection using Unmanned Aerial Vehicles (UAVs) has emerged as an efficient and safe solution for large-scale infrastructure inspection. However, object detection in aerial imagery poses unique challenges, including the prevalence of extremely small targets, complex backgrounds, and significant scale variations. [...] Read more.
Automated Road defect detection using Unmanned Aerial Vehicles (UAVs) has emerged as an efficient and safe solution for large-scale infrastructure inspection. However, object detection in aerial imagery poses unique challenges, including the prevalence of extremely small targets, complex backgrounds, and significant scale variations. Mainstream deep learning-based detection models often struggle with these issues, exhibiting limitations in detecting small cracks, high computational demands, and insufficient generalization ability for UAV perspectives. To address these challenges, this paper proposes a novel comprehensive network, RoadNet, specifically designed for high-precision road defect detection in UAV-captured imagery. RoadNet innovatively integrates Transformer modules with a convolutional neural network backbone and detection head. This design not only significantly enhances the global feature modeling capability crucial for understanding complex aerial contexts but also maintains the computational efficiency necessary for potential real-time applications. The model was trained and evaluated on a self-collected UAV road defect dataset (UAV-RDD). In comparative experiments, RoadNet achieved an outstanding mAP@0.5 score of 0.9128 while maintaining a fast-processing speed of 210.01 ms per image, outperforming other state-of-the-art models. The experimental results demonstrate that RoadNet possesses superior detection performance for road defects in complex aerial scenarios captured by drones. Full article
Show Figures

Figure 1

28 pages, 6579 KB  
Article
Mathematical Modeling and Optimization of a Two-Layer Metro-Based Underground Logistics System Network: A Case Study of Nanjing
by Jianping Yang, An Shi, Rongwei Hu, Na Xu, Qing Liu, Luxing Qu and Jianbo Yuan
Sustainability 2025, 17(19), 8824; https://doi.org/10.3390/su17198824 - 1 Oct 2025
Viewed by 349
Abstract
With the surge in urban logistics demand, traditional surface transportation faces challenges, such as traffic congestion and environmental pollution. Leveraging metro systems in metropolitan areas for both passenger commuting and underground logistics presents a promising solution. The metro-based underground logistics system (M-ULS), characterized [...] Read more.
With the surge in urban logistics demand, traditional surface transportation faces challenges, such as traffic congestion and environmental pollution. Leveraging metro systems in metropolitan areas for both passenger commuting and underground logistics presents a promising solution. The metro-based underground logistics system (M-ULS), characterized by extensive coverage and independent right-of-way, has emerged as a potential approach for optimizing urban freight transport. However, existing studies primarily focus on single-line scenarios, lacking in-depth analyses of multi-tier network coordination and dynamic demand responsiveness. This study proposes an optimization framework based on mixed-integer programming and an improved ICSA to address three key challenges in metro freight network planning: balancing passenger and freight demand, optimizing multi-tier node layout, and enhancing computational efficiency for large-scale problem solving. By integrating E-TOPSIS for demand assessment and an adaptive mutation mechanism based on a normal distribution, the solution space is reduced from five to three dimensions, significantly improving algorithm convergence and global search capability. Using the Nanjing metro network as a case study, this research compares the optimization performance of independent line and transshipment-enabled network scenarios. The results indicate that the networked scenario (daily cost: CNY 1.743 million) outperforms the independent line scenario (daily cost: CNY 1.960 million) in terms of freight volume (3.214 million parcels/day) and road traffic alleviation rate (89.19%). However, it also requires a more complex node configuration. This study provides both theoretical and empirical support for planning high-density urban underground logistics systems, demonstrating the potential of multimodal transport networks and intelligent optimization algorithms. Full article
Show Figures

Figure 1

20 pages, 4627 KB  
Article
Urban Eco-Network Traffic Control via MARL-Based Traffic Signals and Vehicle Speed Coordination
by Lanping Chen, Fan Yang, Chenyuan Chen, Yue Zhu, Ziyuan Xu, Ying Xu and Lin Zhu
Appl. Sci. 2025, 15(19), 10586; https://doi.org/10.3390/app151910586 - 30 Sep 2025
Viewed by 242
Abstract
This study proposes a Cooperative Traffic Controller System (CTS), an urban eco-network control system that leverages Multi-Agent Reinforcement Learning (MARL), to address urban road congestion and environmental pollution. The proposed system synergizes traffic signal timing optimization and speed guidance control, simultaneously enhancing network [...] Read more.
This study proposes a Cooperative Traffic Controller System (CTS), an urban eco-network control system that leverages Multi-Agent Reinforcement Learning (MARL), to address urban road congestion and environmental pollution. The proposed system synergizes traffic signal timing optimization and speed guidance control, simultaneously enhancing network efficiency, reducing carbon emissions, and minimizing energy consumption. A Beta-enhanced Soft Actor-Critic (SAC) algorithm is applied to achieve the joint optimization of the traffic signal phasing and vehicle speed coordination. Experimental results show that in large-scale networks, the improved SAC reduces the average delay time per vehicle by approximately one minute, reduces CO2 emissions by more than double, and reduces fuel consumption by 56%. Comparative analyses of the algorithm versus the PPO and standard SAC demonstrate its superior performance in complex traffic scenarios—specifically in congestion mitigation and emissions reduction. Full article
Show Figures

Figure 1

22 pages, 4113 KB  
Article
PathGen-LLM: A Large Language Model for Dynamic Path Generation in Complex Transportation Networks
by Xun Li, Kai Xian, Huimin Wen, Shengguang Bai, Han Xu and Yun Yu
Mathematics 2025, 13(19), 3073; https://doi.org/10.3390/math13193073 - 24 Sep 2025
Viewed by 485
Abstract
Dynamic path generation in complex transportation networks is essential for intelligent transportation systems. Traditional methods, such as shortest path algorithms or heuristic-based models, often fail to capture real-world travel behaviors due to their reliance on simplified assumptions and limited ability to handle long-range [...] Read more.
Dynamic path generation in complex transportation networks is essential for intelligent transportation systems. Traditional methods, such as shortest path algorithms or heuristic-based models, often fail to capture real-world travel behaviors due to their reliance on simplified assumptions and limited ability to handle long-range dependencies or non-linear patterns. To address these limitations, we propose PathGen-LLM, a large language model (LLM) designed to learn spatial–temporal patterns from historical paths without requiring handcrafted features or graph-specific architectures. Exploiting the structural similarity between path sequences and natural language, PathGen-LLM converts spatiotemporal trajectories into text-formatted token sequences by encoding node IDs and timestamps. This enables the model to learn global dependencies and semantic relationships through self-supervised pretraining. The model integrates a hierarchical Transformer architecture with dynamic constraint decoding, which synchronizes spatial node transitions with temporal timestamps to ensure physically valid paths in large-scale road networks. Experimental results on real-world urban datasets demonstrate that PathGen-LLM outperforms baseline methods, particularly in long-distance path generation. By bridging sequence modeling and complex network analysis, PathGen-LLM offers a novel framework for intelligent transportation systems, highlighting the potential of LLMs to address challenges in large-scale, real-time network tasks. Full article
(This article belongs to the Special Issue Modeling and Data Analysis of Complex Networks)
Show Figures

Figure 1

24 pages, 5065 KB  
Article
Benchmark Dataset and Deep Model for Monocular Camera Calibration from Single Highway Images
by Wentao Zhang, Wei Jia and Wei Li
Sensors 2025, 25(18), 5815; https://doi.org/10.3390/s25185815 - 18 Sep 2025
Viewed by 405
Abstract
Single-image based camera auto-calibration holds significant value for improving perception efficiency in traffic surveillance systems. However, existing approaches face dual challenges: scarcity of real-world datasets and poor adaptability to multi-view scenarios. This paper presents a systematic solution framework. First, we constructed a large-scale [...] Read more.
Single-image based camera auto-calibration holds significant value for improving perception efficiency in traffic surveillance systems. However, existing approaches face dual challenges: scarcity of real-world datasets and poor adaptability to multi-view scenarios. This paper presents a systematic solution framework. First, we constructed a large-scale synthetic dataset containing 36 highway scenarios using the CARLA 0.9.15 simulation engine, generating approximately 336,000 virtual frames with precise calibration parameters. The dataset achieves statistical consistency with real-world scenes by incorporating diverse view distributions, complex weather conditions, and varied road geometries. Second, we developed DeepCalib, a deep calibration network that explicitly models perspective projection features through the triplet attention mechanism. This network simultaneously achieves road direction vanishing point localization and camera pose estimation using only a single image. Finally, we adopted a progressive learning paradigm: robust pre-training on synthetic data establishes universal feature representations in the first stage, followed by fine-tuning on real-world datasets in the second stage to enhance practical adaptability. Experimental results indicate that DeepCalib attains an average calibration precision of 89.6%. Compared to conventional multi-stage algorithms, our method achieves a single-frame processing speed of 10 frames per second, showing robust adaptability to dynamic calibration tasks across diverse surveillance views. Full article
Show Figures

Figure 1

24 pages, 1449 KB  
Article
A Study on the Application of Genetic Algorithms to the Optimization of Road Maintenance Strategies
by Yi-Shian Chiou, Min-Che Ho, Pin-Yu Song, Jyh-Dong Lin, Szu-Han Lu and Chi-yun Ke
Appl. Sci. 2025, 15(18), 10094; https://doi.org/10.3390/app151810094 - 16 Sep 2025
Viewed by 422
Abstract
This study proposes an optimization method that considers both section resurfacing and localized repairs of damaged points, based on the highly uneven distribution of pavement distress locations and under budget constraints. The model is formulated as an MILP (mixed-integer linear programming) model, where [...] Read more.
This study proposes an optimization method that considers both section resurfacing and localized repairs of damaged points, based on the highly uneven distribution of pavement distress locations and under budget constraints. The model is formulated as an MILP (mixed-integer linear programming) model, where binary variables are used to simultaneously determine section resurfacing and localized repair actions. To overcome the excessive computation time required for large-scale road networks, a GA (genetic algorithm) is designed to perform heuristic searches. The model fully integrates information on distress locations, deduction values, and repair costs, and uses the maximization of the average PCI (pavement condition index) as the objective to ensure that decision-making focuses on tangible improvements in pavement service levels. Compared with the traditional point-by-point repair strategy, the proposed method can further increase the average PCI by approximately 3.5–4.0 points under medium- to high-budget conditions, demonstrating significant quantitative benefits. By simultaneously integrating section resurfacing and localized repair decisions, it saves about 10–15% more resources than individual repair methods while ensuring higher coverage of pavement distress. This method provides road maintenance agencies with a quantitative tool to flexibly allocate resurfacing and localized repair strategies under limited budgets. Full article
(This article belongs to the Section Civil Engineering)
Show Figures

Figure 1

20 pages, 6244 KB  
Article
Decentralized Compliance Control for Multi-Axle Heavy Vehicles Equipped with Electro-Hydraulic Actuator Suspension Systems
by Mengke Yang, Chunbo Xu and Min Yan
Sensors 2025, 25(17), 5456; https://doi.org/10.3390/s25175456 - 3 Sep 2025
Viewed by 462
Abstract
This article introduces a novel decentralized compliance control technique designed to manage the behavior of multi-axle heavy vehicles equipped with electro-hydraulic actuator suspension systems on uneven terrains. To address the challenges of controller design complexity and network communication burden in large-scale active suspension [...] Read more.
This article introduces a novel decentralized compliance control technique designed to manage the behavior of multi-axle heavy vehicles equipped with electro-hydraulic actuator suspension systems on uneven terrains. To address the challenges of controller design complexity and network communication burden in large-scale active suspension systems for multi-axle heavy vehicles, the decentralized scheme proposed in this paper decomposes the overall vehicle control problem into decentralized compliance control tasks for multiple electro-hydraulic actuator suspension subsystems (MEHASS), each responding to road disturbances. The position-based compliance control strategy consists of an outer-loop generalized impedance controller (GIC) and an inner-loop position controller. The GIC, which offers explicit force-tracking performance, is employed to define the dynamic interaction between each wheel and the uneven road surface, thereby generating the vertical trajectory for the MEHASS. This design effectively reduces vertical vibration transmission to the vehicle chassis, improving ride comfort. To handle external disturbances and enhance control accuracy, the position control employs a nonsingular fast integral terminal sliding mode controller. Furthermore, a three-axle heavy vehicle prototype with electro-hydraulic actuator suspension is developed for on-road driving experiments. The effectiveness of the proposed control method in enhancing ride comfort is demonstrated through comparative experiments. Full article
(This article belongs to the Topic Vehicle Dynamics and Control, 2nd Edition)
Show Figures

Figure 1

16 pages, 2015 KB  
Article
LTVPGA: Distilled Graph Attention for Lightweight Traffic Violation Prediction
by Yingzhi Wang, Yuquan Zhou and Feng Zhang
ISPRS Int. J. Geo-Inf. 2025, 14(9), 332; https://doi.org/10.3390/ijgi14090332 - 27 Aug 2025
Viewed by 529
Abstract
Traffic violations, the primary cause of road accidents, threaten public safety by disrupting traffic flow and causing substantial casualties and economic losses. Accurate spatiotemporal prediction of violations offers critical insights for proactive traffic management. While Graph Attention Network (GAT) methods excel in spatiotemporal [...] Read more.
Traffic violations, the primary cause of road accidents, threaten public safety by disrupting traffic flow and causing substantial casualties and economic losses. Accurate spatiotemporal prediction of violations offers critical insights for proactive traffic management. While Graph Attention Network (GAT) methods excel in spatiotemporal forecasting, their practical deployment is hindered by prohibitive computational costs when handling dynamic large-scale data. To address this issue, we propose a Lightweight Traffic Violation Prediction with Graph Attention Distillation (LTVPGA) model, transferring spatial topology comprehension from a complex GAT to an efficient multilayer perceptron (MLP) via knowledge distillation. Our core contribution lies in topology-invariant knowledge transfer, where spatial relation priors distilled from the teacher’s attention heads enable the MLP student to bypass explicit graph computation. This approach achieves significant efficiency gains for large-scale data—notably accelerated inference time and reduced memory overhead—while preserving modeling capability. We conducted a performance comparison between LTVPGA, Conv-LSTM, and GATR (teacher model). LTVPGA achieved revolutionary efficiency: consuming merely 15% memory and 0.6% training time of GATR while preserving nearly the same accuracy. This capacity enables practical deployment without sacrificing fidelity, providing a scalable solution for intelligent transportation governance. Full article
(This article belongs to the Special Issue Spatial Data Science and Knowledge Discovery)
Show Figures

Figure 1

16 pages, 306 KB  
Article
Adaptive Cross-Scale Graph Fusion with Spatio-Temporal Attention for Traffic Prediction
by Zihao Zhao, Xingzheng Zhu and Ziyun Ye
Electronics 2025, 14(17), 3399; https://doi.org/10.3390/electronics14173399 - 26 Aug 2025
Viewed by 517
Abstract
Traffic flow prediction is a critical component of intelligent transportation systems, playing a vital role in alleviating congestion, improving road resource utilization, and supporting traffic management decisions. Although deep learning methods have made remarkable progress in this field in recent years, current studies [...] Read more.
Traffic flow prediction is a critical component of intelligent transportation systems, playing a vital role in alleviating congestion, improving road resource utilization, and supporting traffic management decisions. Although deep learning methods have made remarkable progress in this field in recent years, current studies still face challenges in modeling complex spatio-temporal dependencies, adapting to anomalous events, and generalizing to large-scale real-world scenarios. To address these issues, this paper proposes a novel traffic flow prediction model. The proposed approach simultaneously leverages temporal and frequency domain information and introduces adaptive graph convolutional layers to replace traditional graph convolutions, enabling dynamic capture of traffic network structural features. Furthermore, we design a frequency–temporal multi-head attention mechanism for effective multi-scale spatio-temporal feature extraction and develop a cross-multi-scale graph fusion strategy to enhance predictive performance. Extensive experiments on real-world datasets, PeMS and Beijing, demonstrate that our method significantly outperforms state-of-the-art (SOTA) baselines. For example, on the PeMS20 dataset, our model achieves a 53.6% lower MAE, a 12.3% lower NRMSE, and a 3.2% lower MAPE than the best existing method (STFGNN). Moreover, the proposed model achieves competitive computational efficiency and inference speed, making it well-suited for practical deployment. Full article
(This article belongs to the Special Issue Graph-Based Learning Methods in Intelligent Transportation Systems)
Show Figures

Figure 1

18 pages, 19346 KB  
Article
Assessing Urban Safety Perception Through Street View Imagery and Transfer Learning: A Case Study of Wuhan, China
by Yanhua Chen and Zhi-Ri Tang
Sustainability 2025, 17(17), 7641; https://doi.org/10.3390/su17177641 - 25 Aug 2025
Viewed by 1073
Abstract
Human perception of urban streetscapes plays a crucial role in shaping human-centered urban planning and policymaking. Traditional studies on safety perception often rely on labor-intensive field surveys with limited spatial coverage, hindering large-scale assessments. To address this gap, this study constructs a street [...] Read more.
Human perception of urban streetscapes plays a crucial role in shaping human-centered urban planning and policymaking. Traditional studies on safety perception often rely on labor-intensive field surveys with limited spatial coverage, hindering large-scale assessments. To address this gap, this study constructs a street safety perception dataset for Wuhan, classifying street scenes into three perception levels. A convolutional neural network model based on transfer learning is developed, achieving a classification accuracy of 78.3%. By integrating image-based prediction with spatial clustering and correlation analysis, this study demonstrates that safety perception displays a distinctly clustered and uneven spatial distribution, primarily concentrated along major arterial roads and rail transit corridors by high safety levels. Correlation analysis indicates that higher safety perception is moderately associated with greater road grade, increased road width, and lower functional level while showing a weak negative correlation with housing prices. By presenting a framework that integrates transfer learning and geospatial analysis to connect urban street imagery with human perception, this study advances the assessment of spatialized safety perception and offers practical insights for urban planners and policymakers striving to create safer, more inclusive, and sustainable urban environments. Full article
Show Figures

Figure 1

29 pages, 797 KB  
Article
A Green Vehicle Routing Problem with Time-Varying Speeds and Joint Distribution
by Ying Wang, Jicong Duan, Jiajun Sun, Qin Zhang and Taofeng Ye
Sustainability 2025, 17(16), 7515; https://doi.org/10.3390/su17167515 - 20 Aug 2025
Viewed by 1274
Abstract
With the rapid growth of urban logistics demand, carbon emissions and the time-varying nature of vehicle speeds have become critical challenges in sustainable transportation planning. This paper addresses a Time-Dependent Green Vehicle Routing Problem (TDGVRP) that integrates time-varying speeds, carbon emissions, and cold [...] Read more.
With the rapid growth of urban logistics demand, carbon emissions and the time-varying nature of vehicle speeds have become critical challenges in sustainable transportation planning. This paper addresses a Time-Dependent Green Vehicle Routing Problem (TDGVRP) that integrates time-varying speeds, carbon emissions, and cold chain logistics under a joint distribution framework involving multiple depots and homogeneous refrigerated vehicles. A Mixed-Integer Linear Programming (MILP) model is developed, explicitly considering carbon pricing, refrigeration energy consumption, and speed variations across different time periods. To efficiently solve large-scale instances, a Three-Phase Heuristic (TPH) algorithm is proposed, combining spatiotemporal path construction, local-improvement strategies, and an Adaptive Large Neighborhood Search (ALNS) mechanism. Computational experiments show that the proposed method outperforms traditional Genetic Algorithms (GAs) in both solution quality and computation time, and in some benchmark cases even achieves better results than the commercial solver Gurobi, demonstrating its robustness and scalability. Using real-world traffic speed data, comparative analysis reveals that the joint distribution strategy reduces total logistics costs by 14.40%, carbon emission costs by 23.12%, and fleet size by approximately 25% compared to single-entity distribution. The findings provide a practical and scalable solution framework for sustainable cold chain logistics routing in time-dependent urban road networks. Full article
Show Figures

Figure 1

49 pages, 48189 KB  
Article
Prediction and Optimization of the Restoration Quality of University Outdoor Spaces: A Data-Driven Study Using Image Semantic Segmentation and Explainable Machine Learning
by Xiaowen Zhuang, Zhenpeng Tang, Shuo Lin and Zheng Ding
Buildings 2025, 15(16), 2936; https://doi.org/10.3390/buildings15162936 - 19 Aug 2025
Viewed by 593
Abstract
Evaluating the restoration quality of university outdoor spaces is often constrained by subjective surveys and manual assessment, limiting scalability and objectivity. This study addresses this gap by applying explainable machine learning to predict restorative quality from campus imagery, enabling large-scale, data-driven evaluation and [...] Read more.
Evaluating the restoration quality of university outdoor spaces is often constrained by subjective surveys and manual assessment, limiting scalability and objectivity. This study addresses this gap by applying explainable machine learning to predict restorative quality from campus imagery, enabling large-scale, data-driven evaluation and capturing complex nonlinear relationships that traditional methods may overlook. Using Fujian Agriculture and Forestry University as a case study, this study extracted road network data, generated 297 coordinates at 50-m intervals, and collected 1197 images. Surveys were conducted to obtain restorative quality scores. The Mask2Former model was used to extract landscape features, and decision tree algorithms (RF, XGBoost, GBR) were selected based on MAE, MSE, and EVS metrics. The combination of optimal algorithms and SHAP was employed to predict restoration quality and identify key features. This research also used a multivariate linear regression model to identify features with significant statistical impact but lower features importance ranking. Finally, the study also analyzed heterogeneity in scores for three restoration indicators and five campus zones using k-means clustering. Empirical results show that natural elements like vegetation and water positively affect psychological perception, while structural components like walls and fences have negative or nonlinear effects. On this basis, this study proposes spatial optimization strategies for different campus areas, offering a foundation for creating high-quality outdoor environments with restorative and social functions. Full article
Show Figures

Figure 1

16 pages, 3099 KB  
Article
Multi-Agent Deep Reinforcement Learning for Large-Scale Traffic Signal Control with Spatio-Temporal Attention Mechanism
by Wenzhe Jia and Mingyu Ji
Appl. Sci. 2025, 15(15), 8605; https://doi.org/10.3390/app15158605 - 3 Aug 2025
Cited by 1 | Viewed by 2390
Abstract
Traffic congestion in large-scale road networks significantly impacts urban sustainability. Traditional traffic signal control methods lack adaptability to dynamic traffic conditions. Recently, deep reinforcement learning (DRL) has emerged as a promising solution for optimizing signal control. This study proposes a Multi-Agent Deep Reinforcement [...] Read more.
Traffic congestion in large-scale road networks significantly impacts urban sustainability. Traditional traffic signal control methods lack adaptability to dynamic traffic conditions. Recently, deep reinforcement learning (DRL) has emerged as a promising solution for optimizing signal control. This study proposes a Multi-Agent Deep Reinforcement Learning (MADRL) framework for large-scale traffic signal control. The framework employs spatio-temporal attention networks to extract relevant traffic patterns and a hierarchical reinforcement learning strategy for coordinated multi-agent optimization. The problem is formulated as a Markov Decision Process (MDP) with a novel reward function that balances vehicle waiting time, throughput, and fairness. We validate our approach on simulated large-scale traffic scenarios using SUMO (Simulation of Urban Mobility). Experimental results demonstrate that our framework reduces vehicle waiting time by 25% compared to baseline methods while maintaining scalability across different road network sizes. The proposed spatio-temporal multi-agent reinforcement learning framework effectively optimizes large-scale traffic signal control, providing a scalable and efficient solution for smart urban transportation. Full article
Show Figures

Figure 1

19 pages, 12406 KB  
Article
Optimizing Advertising Billboard Coverage in Urban Networks: A Population-Weighted Greedy Algorithm with Spatial Efficiency Enhancements
by Jiaying Fu and Kun Qin
ISPRS Int. J. Geo-Inf. 2025, 14(8), 300; https://doi.org/10.3390/ijgi14080300 - 1 Aug 2025
Viewed by 787
Abstract
The strategic allocation of advertising billboards has become a critical aspect of urban planning and resource management. While previous studies have explored site selection based on road network and population data, they have often overlooked the diminishing marginal returns of overlapping coverage and [...] Read more.
The strategic allocation of advertising billboards has become a critical aspect of urban planning and resource management. While previous studies have explored site selection based on road network and population data, they have often overlooked the diminishing marginal returns of overlapping coverage and neglected to efficiently process large-scale urban datasets. To address these challenges, this study proposes two complementary optimization methods: an enhanced greedy algorithm based on geometric modeling and spatial acceleration techniques, and a reinforcement learning approach using Proximal Policy Optimization (PPO). The enhanced greedy algorithm incorporates population-weighted road coverage modeling, employs a geometric series to capture diminishing returns from overlapping coverage, and integrates spatial indexing and parallel computing to significantly improve scalability and solution quality in large urban networks. Meanwhile, the PPO-based method models billboard site selection as a sequential decision-making process in a dynamic environment, where agents adaptively learn optimal deployment strategies through reward signals, balancing coverage gains and redundancy penalties and effectively handling complex multi-step optimization tasks. Experiments conducted on Wuhan’s road network demonstrate that both methods effectively optimize population-weighted billboard coverage under budget constraints while enhancing spatial distribution balance. Quantitatively, the enhanced greedy algorithm improves coverage effectiveness by 18.6% compared to the baseline, while the PPO-based method further improves it by 4.3% with enhanced spatial equity. The proposed framework provides a robust and scalable decision-support tool for urban advertising infrastructure planning and resource allocation. Full article
Show Figures

Figure 1

41 pages, 3023 KB  
Article
Enhanced Scalability and Security in Blockchain-Based Transportation Systems for Mass Gatherings
by Ahmad Mutahhar, Tariq J. S. Khanzada and Muhammad Farrukh Shahid
Information 2025, 16(8), 641; https://doi.org/10.3390/info16080641 - 28 Jul 2025
Viewed by 1035
Abstract
Large-scale events, such as festivals and public gatherings, pose serious problems in terms of traffic congestion, slow transaction processing, and security risks to transportation planning. This study proposes a blockchain-based solution for enhancing the efficiency and security of intelligent transport systems (ITS) by [...] Read more.
Large-scale events, such as festivals and public gatherings, pose serious problems in terms of traffic congestion, slow transaction processing, and security risks to transportation planning. This study proposes a blockchain-based solution for enhancing the efficiency and security of intelligent transport systems (ITS) by utilizing state channels and rollups. Throughput is optimized, enabling transaction speeds of 800 to 3500 transactions per second (TPS) and delays of 5 to 1.5 s. Prevent data tampering, strengthen security, and enhance data integrity from 89% to 99.999%, as well as encryption efficacy from 90% to 98%. Furthermore, our system reduces congestion, optimizes vehicle movement, and shares real-time, secure data with stakeholders. Practical applications include fast and safe road toll payments, faster public transit ticketing, improved emergency response coordination, and enhanced urban mobility. The decentralized blockchain helps maintain trust among users, transportation authorities, and event organizers. Our approach extends beyond large-scale events and proposes a path toward ubiquitous, Artificial Intelligence (AI)-driven decision-making in a broader urban transit network, informing future operations in dynamic traffic optimization. This study demonstrates the potential of blockchain to create more intelligent, more secure, and scalable transportation systems, which will help reduce urban mobility inefficiencies and contribute to the development of resilient smart cities. Full article
Show Figures

Figure 1

Back to TopTop