A Two-Stage T-Norm–Choquet–OWA Resource Aggregator for Multi-UAV Cooperation: Theoretical Proof and Validation
Abstract
Highlights
- Introduces a prediction-enhanced, two-stage T-norm–Choquet–OWA aggregator that fuses 3 s resource forecasting with bottleneck protection and elastic compensation for energy, bandwidth and CPU.
- SIn a 360-UAV co-simulation, the method lowers average RTT to 55 ms and cuts latency by 5–20.
- The aggregator’s complexity and interpretable parameters enable direct deployment on on-board flight controllers for time-critical swarm missions.
- Provides a scalable blueprint for low-latency, high-resilience resource scheduling in large UAV fleets, with potential extensions to real-world field trials and federated learning weight sharing.
Abstract
1. Introduction
- Prediction-Enhanced Two-Stage T-norm–Choquet–OWA Aggregator: We introduce a resource aggregator that optimizes battery energy, bandwidth, and onboard computing power in UAV swarms in real time. Prediction-augmented membership functions forecast resource dynamics several seconds ahead, and the two-stage design first protects bottlenecks using a T-norm before leveraging non-bottleneck capacity via a Choquet–OWA fusion. This ensures both safe and efficient task execution in resource-constrained scenarios.
- Rigorous Theoretical Foundations: We present a comprehensive theoretical analysis and parameter design, including proofs of monotonicity, correctness of bounds, prioritization of bottlenecks, and Lyapunov stability. These results guarantee the aggregator’s interpretability, robustness, and convergence in practical settings.
- Simulation-Based Validation: Through extensive simulation studies, we demonstrate that our aggregator outperforms traditional Min-based bottleneck protection and linear-weighted WSM approaches, offering superior aggregation performance and higher resource-saving efficiency.
2. Related Work
2.1. Overview of UAV Resource Scheduling and Task Allocation Methods
2.2. Fuzzy Membership Functions and T-Norm/OWA Aggregation
2.3. Choquet Measure and Bottleneck Protection in UAV Networks
2.4. Comparison and Limitations of Two-Stage and Multi-Stage Aggregation Frameworks
2.5. Research on Auction-Based and Hybrid RL–Fuzzy Methods
- Fusion mechanism differences: Unlike Li et al., who focus on RL structure evolution, He et al.’s emphasis on auction plus fuzzy neural network-driven real-time decisions, and Zander et al.’s focus on RL–fuzzy control, the proposed two-stage scheduler explicitly integrates heterogeneous fuzzy aggregation operators—T-norm, Choquet, and OWA—augmented by an LSTM–EMA forecasting layer with a 3 s look-ahead window. This design achieves multidimensional fusion of scheduling evaluation metrics and prediction-driven weight adaptation, whereas auction/RL-based approaches predominantly rely on expost scheduling.
- Theoretical and interpretability differences: The proposed framework provides rigorous proofs of monotonicity, bound correctness, and Lyapunov stability, while maintaining per-node computational complexity, thus ensuring both interpretability and embedded deployability. In contrast, existing hybrid RL–fuzzy and auction-based schedulers generally lack such formal guarantees.
3. Prediction-Based Two-Stage T-Norm–Choquet–OWA Aggregator
- Stage 1 (T-norm/min): Precisely isolates the bottleneck resource, preventing any “short plank” from being ignored.
- Stage 2 (Choquet–OWA): Adaptively trades off between the identified bottleneck level and instantaneous power consumption, achieving a smooth balance between system performance and endurance.
- Data acquisition layer: Embedded sensors capture the current load, and the edge prediction module provides an s-second-ahead forecast.
- Fuzzification layer: Four prediction-enhanced membership functions convert each resource dimension into fuzzy membership values.
- Bottleneck protection layer (stage 1): Compute the minimum of these membership values to identify the bottleneck membership . If any primary resource falls below its threshold, protection is triggered immediately.
- Elastic fusion layer (stage 2): Calculate the coupling factor based on task elasticity e and predicted remaining energy . Then, apply Choquet–OWA to fuse with the elasticity membership , producing the final membership .
- Scheduler interface layer: The scheduler uses to assess task feasibility and determine priority ordering.
3.1. Resource-Usage Multidimensional Fuzzy Set Design ()
3.1.1. Fuzzy Aggregation Under Extreme Protection
3.1.2. Future-Aware Membership Function
3.1.3. Two-Stage Extreme Protection + Elastic Coupling
- Future-Aware Sensing: The formulas inject forecast values into the membership functions, enabling preemptive penalization of imminent resource conflicts or energy drops.
- Hard Bottleneck Protection: The formula uses the minimum operator to ensure that any primary resource shortage immediately triggers protection.
- Soft Rate Suppression: The formulas for and incorporate instantaneous power consumption, smoothly fusing power-mean and power-penalty terms to achieve elastic–power coupling regulation.
- Final Membership Output: The membership is combined with and to form the payoff R, which drives the adaptive evolution of the subsequent fuzzy-game strategy.
3.2. Construction of the Comprehensive Fuzzy Payoff Function
Algorithm 1 Prediction-enhanced two-stage T-norm–Choquet–OWA aggregator |
|
4. Algorithm Proof and Analysis
4.1. Proofs of Monotonicity, Bound Correctness, and Bottleneck Priority
- Monotonicity ensures that measurement noise in the inputs cannot trigger counterintuitive jumps in the output.
- Bound correctness guarantees that membership values always lie within the valid interval and align with extreme-case behavior.
- Bottleneck priority assigns the greatest decision weight to the most constrained resource while preserving room for power compensation, thus balancing safety and efficiency.
4.2. Stability of Conjunctive–Disjunctive Switching (Lyapunov)
- The common Lyapunov function V(x) is non-increasing in both modes and .
- The switching surface is continuous, with no sliding mode or Zeno phenomena.
- By the geometric convergence in (B-5), the system is globally asymptotically stable to the set , i.e., it ultimately satisfies — the bottleneck protection mode.
4.3. Complexity and Scalability
- Time complexity: Per UAV = O(1) for EMA/O(L h2) for LSTM; scales linearly with the number of resource dimensions and linearly (and in parallel) with the number of UAVs.
- Space complexity: Under O(M) floating-point values; can be implemented in a streaming fashion on both MCUs and FPGAs.
- Communication and sorting: Low overhead; centralized sorting at O(N log N) is not a bottleneck.
- Scalable safety: The theoretical convergence rate is decoupled from parallelism, supporting fleets of thousands of UAVs.
5. Simulation and Performance Analysis
- The 3 s prediction window preemptively trimming peak Traffic, which suppresses queue-depth oscillations;
- Stage-1 T-norm bottleneck protection preventing low-membership tasks from monopolizing the link;
- Stage-2 Choquet–OWA elastically compensating for instantaneous power consumption, equalizing transmission intervals.
- Central Processing Unit (CPU): AMD Ryzen 9 5950X @ 3.4 GHz (Advanced Micro Devices, Inc., Santa Clara, CA, USA)
- Memory (RAM): 128 GB DDR4 (Kingston Technology Corp., Fountain Valley, CA, USA)
- Graphics Processing Unit (GPU): NVIDIA GeForce RTX 3090 (NVIDIA Corp., Santa Clara, CA, USA). Note: The GPU was dedicated to running the Deep Reinforcement Learning PPO (DRL-PPO) algorithms.
- Hyperparameter tuning:
- For Min, single-layer OWA, and WSM baselines, we conducted a grid search over weight vectors and operator parameters (, p) using the validation set, selecting configurations that maximized the average resource score without overfitting to specific scenarios.
- For DRL-PPO, we adopted the default policy network structure and learning rate schedule from the original paper, then tuned the learning rate, clip ratio, and entropy coefficient via a random search over 20 trials. The final configuration was selected based on convergence speed and average reward stability.
- All baselines used the same input normalization and preprocessing pipeline as the proposed method to ensure comparability.
- Training duration:
- DRL-PPO was trained for episodes (≈6 h wall-clock time) until the moving average reward plateaued within % over 20 consecutive epochs.
- For non-learning baselines, parameter optimization consumed ≈1.2 h of total CPU time.
- Evaluation environment:
- Hardware: All methods were executed on the same server equipped with an AMD Ryzen 9 5950X CPU @ 3.4 GHz, 128 GB RAM, and NVIDIA RTX 3090 GPU (used only for DRL-PPO).
- Software: Ubuntu 22.04, Python 3.10, PyTorch 2.0.1, NS-3.37, and ROS 2 Humble.
- Simulation parameters (UAV swarm size, topology, link models, and channel conditions) were strictly identical across runs. Each result is averaged over 50 independent seeds.
6. Discussion
6.1. Limitations
6.2. Complementarity with Swarm-RL and Auction Games
- Swarm-RL: Reinforcement learning excels at long-horizon, global optimization and can supply high-level task-allocation priors to the aggregator; the aggregator then guarantees low-level resource safety—forming a two-tier collaborative architecture.
- Auction games: In resource-scarce scenarios, auction-based pricing curbs excessive requests; the aggregator can map its output membership degrees to bid caps, enabling a “trust-elastic” auction mechanism.
- Hybrid advantage: RL and auctions drive strategic exploration, while the two-stage aggregator enforces safety constraints. Their combination achieves both fast convergence and effective risk control.
6.3. Scalability of the Two-Stage Aggregator
6.4. Security Considerations
6.5. Limitations and Potential Risks
- Sensitivity to Unseen Network Dynamics.The LSTM-based forecasting model is trained on historical network traces and may not generalize perfectly to unforeseen operational environments (e.g., sudden link failures, unmodeled interference sources). In such cases, prediction errors can propagate into the resource scheduling stage, potentially leading to suboptimal allocation.
- Vulnerability to Adversarial Perturbations.Recent studies have shown that time-series forecasting models, including LSTMs, can be susceptible to adversarially crafted input sequences. In a UAV–IoT swarm context, a compromised node could intentionally inject misleading telemetry to degrade scheduling decisions.
- Fallback and Mitigation Mechanisms.To address these risks, our system implements a confidence-gated fallback:
- The prediction stage outputs a confidence score based on forecast variance.
- If confidence falls below a predefined threshold, the scheduler switches to a reactive, non-predictive mode using real-time network measurements only.
- In addition, anomaly detection modules monitor key metrics (e.g., RTT, jitter, packet loss) to identify and isolate nodes producing anomalous traffic patterns, mitigating the impact of adversarial inputs.
- Future Work on Robust Forecasting.Enhancing robustness may involve integrating adversarial training, hybrid statistical–ML models, or robust aggregation methods that can tolerate partial corruption in the input feature set. These improvements would further safeguard the scheduler against both natural and intentional disruptions.
6.6. Real-World Deployment and Implementation Challenges
- Deployment Architecture
- High-level controller hosted on an edge server or ground control station runs the high-layer Choquet–OWA aggregator with LSTM forecasting, handling global coordination and bottleneck prediction.
- Onboard low-level controllers on each UAV execute the T-norm-based local decision logic, reacting to short-term link quality variations.
- Communication is maintained via a hybrid V2V/V2I wireless network, with adaptive link selection to balance latency and reliability.
- Hardware and Software Requirements
- The high-level module can run on an x86-based edge node with moderate GPU acceleration for LSTM inference.
- The low-level module can be embedded on ARM-based UAV flight controllers with limited resources (≥1 GHz CPU, ≥512 MB RAM), using a lightweight fuzzy inference engine.
- Real-time Operation Challenges
- Communication Variability: Wireless links are subject to fading, interference, and congestion. The scheduler must adaptively adjust its decision interval based on instantaneous link quality.
- Computation Constraints: LSTM inference latency on embedded platforms may require model compression (e.g., pruning, quantization) or offloading to nearby edge nodes.
- Regulatory and Safety Compliance: Multi-UAV operation must comply with airspace regulations, collision avoidance requirements, and spectrum usage limits.
- Mitigation Strategies
- Adaptive Scheduling Interval to handle variable network loads.
- Model Optimization for low-power inference without sacrificing accuracy.
- Fallback Modes (as described in the Section 6.1) to maintain safe and efficient coordination when prediction is unreliable.
- Potential Case StudyFor example, in a post-disaster mapping mission, the high-layer predictor could anticipate congestion around key choke points (e.g., narrow valleys, urban intersections), pre-allocating bandwidth and computation resources to UAVs approaching these areas. The low-layer module would then fine-tune parameters based on immediate link conditions, ensuring timely data relay to emergency command centers.
7. Conclusions
- Forward-looking prediction of peak load shaving: withholding compensation for the resource trend in the next 3 s, significantly reducing the probability of instantaneous bottlenecks.
- Stage-one T-norm bottleneck protection: an extreme-protection strategy rapidly isolates the weakest resource, ensuring safe and feasible task execution.
- Stage-two Choquet–OWA elastic fusion: an interaction measure flexibly balances between bottleneck membership and power-consumption rate to restore overall efficiency.
Author Contributions
Funding
Institutional Review Board Statement
Informed Consent Statement
Data Availability Statement
Conflicts of Interest
Appendix A. Proofs of Monotonicity, Bound Correctness, and Bottleneck Priority
Appendix A.1. Monotonicity
Appendix A.2. Boundary Correctness
Appendix A.3. Bottleneck Priority
- Monotonicity ensures that input noise cannot cause counterintuitive output jumps.
- Bound correctness guarantees that membership values remain within the valid interval and match extreme cases.
- Bottleneck priority gives the most constrained resource the highest decision weight while reserving room for power-rate compensation, thus balancing safety and efficiency.
Appendix B. Stability of Conjunctive–Disjunctive Switching (Lyapunov Proof)
- The function is a common Lyapunov function, non-increasing in both modes and .
- The switching surface is continuous; no sliding modes or Zeno phenomena occur.
- Equation (A9) shows geometric convergence, so the system is globally asymptotically stable to , equivalently and eventually.
- , the system settles into the bottleneck-protection mode.
Appendix C. Complexity and Scalability
Appendix C.1. Single-Node Computational Complexity
Steps | Main operations | Complexity |
---|---|---|
(a) Prediction Module | EMA , LSTM | Depends on window L and hidden width h |
(b) Fuzzification | 3× Sigmoid/Z-Sigmoid, 1× Linear | |
(c) Stage 1 Bottleneck | min over 3 values | |
(d) Stage 2 Elastic Fusion | 1× max + 3× multiply-add | |
(e) OWA Weight Learning | soft-max on 3 elements |
Appendix C.2. Cluster-Level Parallelism and Communication Overhead
- Parallelism: Each UAV runs the aggregator independently, giving a total computational load that scales as O(N). Under ROS2 DDS or MAVLink, the workload is embarrassingly parallel, enabling batch inference on multi-core Edge GPUs or fully distributed deployment.
- Communication Load: Each UAV reports 7–8 normalized floating-point values (). At 10 Hz with 100 UAVs, this consumes <26 kb/s—negligible on 5.8 GHz Wi-Fi 6 or LTE-U links.
- Centralized Scheduling and Sorting: If the ground station must sort N UAVs by , the cost is O(N log N). Even for N = 1000, sorting on an i7-12700H takes <2 ms.
Appendix C.3. Resource-Dimension Scalability
Appendix C.4. Large-Scale System Stability and Throughput
- Lyapunov Convergence Rate is proportional to and does not depend on UAV count N, ensuring rapid convergence to the bottleneck steady state even at thousand-UAV scale.
- Throughput Benchmark: On a Jetson Orin Nano (6-core ARM + 102 CUDA cores), aggregating a batch of 360 UAVs (with LSTM-64 and 200 Hz sampling) takes <7 ms. CPU utilization was 34% and GPU 11%.
- Partitioned Scheduling: By grouping UAVs into K clusters, the scheduler need only aggregate each cluster’s , reducing complexity to and yielding an additional ; scalability boost.
Appendix C.5. Summary
- Time Complexity: Per UAV cost is with EMA or with LSTM; scales linearly with resource dimensions and is linearly parallelizable across UAVs.
- Space Complexity: Requires floats; supports streaming implementations on MCUs and FPGAs.
- Communication and Sorting: Lightweight reporting; centralized sorting at O(N log N) poses no bottleneck.
- Scalable Robustness: Convergence speed is decoupled from parallelism, supporting systems with thousands of UAVs.
Appendix C.6. Concise Hyperparameter Table for the LSTM/EMA Predictor
- The predictor is applied only to the time series of CPU utilization, bandwidth occupancy, and remaining energy;
- The training data consist of 48 h PX4-SITL logs, randomly split into 80% for training and 20% for testing;
- The prediction results are combined with the EMA-weighted average before being fed into the membership functions in Equations (3)–(5).
Components | Hyperparameters | Setting Values | Description |
---|---|---|---|
Window length | window_length | 30 step (3 s) | Controls a 3 s prediction window with sampling every 0.1 s. |
LSTM hidden layer dimension | hidden_size | 32 | Balances prediction accuracy and latency, achieving <2 ms inference. |
Number of layers | num_layers | 1 | A single layer is sufficient to capture short-term dependencies. |
Optimizer | Optimizer | Adam | , |
Learning rate | Learning rate | Empirical values for fastest prediction error convergence | |
Number of training epochs | epochs | 20 | Empirical values for fastest prediction error convergence. |
Batch size | batch_size | 256 | GPUs can be used for parallel training. |
EMA decay factor | 0.4 | Fused with LSTM outputs using to suppress spikes. | |
Loss function | criterion | MSE | Linear scaling consistent with membership functions. |
Implementation framework | — | PyTorch 2.1 | Runtime on Jetson Orin Nano: <3 ms/cycle. |
References
- Xing, L.; Fan, X.; Dong, Y.; Xiong, Z.; Xing, L.; Yang, Y.; Bai, H.; Zhou, C. Multi-UAV cooperative system for search and rescue based on YOLOv5. Int. J. Disaster Risk Reduct. 2022, 76, 102972. [Google Scholar] [CrossRef]
- Ei, N.N.; Alsenwi, M.; Tun, Y.K.; Han, Z.; Hong, C.S. Energy-efficient resource allocation in multi-UAV-assisted two-stage edge computing for beyond 5G networks. IEEE Trans. Intell. Transp. Syst. 2022, 23, 16421–16432. [Google Scholar] [CrossRef]
- Liang, H.; Zhang, H.; Ale, L.; Hong, X.; Wang, L.; Jia, Q.; Zhao, D. Joint task partitioning and resource allocation in uav-enabled vehicular edge computing based on deep reinforcement learning. IEEE Internet Things J. 2025, 12, 15453–15466. [Google Scholar] [CrossRef]
- Rinaldi, M.; Wang, S.; Geronel, R.S.; Primatesta, S. Application of Task Allocation Algorithms in Multi-UAV Intelligent Transportation Systems: A Critical Review. Big Data Cogn. Comput. 2024, 8, 177. [Google Scholar] [CrossRef]
- You, W.; Dong, C.; Wu, Q.; Qu, Y.; Wu, Y.; He, R. Joint task scheduling, resource allocation, and UAV trajectory under clustering for FANETs. China Commun. 2022, 19, 104–118. [Google Scholar] [CrossRef]
- Gao, H.; Feng, J.; Xiao, Y.; Zhang, B.; Wang, W. A UAV-assisted multi-task allocation method for mobile crowd sensing. IEEE Trans. Mob. Comput. 2022, 22, 3790–3804. [Google Scholar] [CrossRef]
- Liu, J.; Liao, X.; Ye, H.; Yue, H.; Wang, Y.; Tan, X.; Wang, D. UAV swarm scheduling method for remote sensing observations during emergency scenarios. Remote Sens. 2022, 14, 1406. [Google Scholar] [CrossRef]
- Bao, L.; He, Z.; Tan, J.; Chen, Y.; Zhao, M. Thermal-aware task scheduling and resource allocation for UAV-and-Basestation hybrid-enabled MEC networks. IEEE Trans. Green Commun. Netw. 2023, 7, 579–593. [Google Scholar] [CrossRef]
- Chen, R.; Li, J.; Peng, T. Decentralized UAV Swarm Scheduling with Constrained Task Exploration Balance. Drones 2023, 7, 267. [Google Scholar] [CrossRef]
- Wang, Z.; Zhang, J. A task allocation algorithm for a swarm of unmanned aerial vehicles based on bionic wolf pack method. Knowl.-Based Syst. 2022, 250, 109072. [Google Scholar] [CrossRef]
- Sun, H.; Zhang, B.; Zhang, X.; Yu, Y.; Sha, K.; Shi, W. FlexEdge: Dynamic task scheduling for a UAV-based on-demand mobile edge server. IEEE Internet Things J. 2022, 9, 15983–16005. [Google Scholar] [CrossRef]
- Ye, W.; Luo, J.; Wu, W.; Shan, F.; Yang, M. MUTAA: An online trajectory optimization and task scheduling for UAV-aided edge computing. Comput. Networks 2022, 218, 109405. [Google Scholar] [CrossRef]
- Soelistijanto, B. Construction of optimal membership functions for a fuzzy routing scheme in opportunistic mobile networks. IEEE Access 2022, 10, 128498–128513. [Google Scholar] [CrossRef]
- Porebski, S. Evaluation of fuzzy membership functions for linguistic rule-based classifier focused on explainability, interpretability and reliability. Expert Syst. Appl. 2022, 199, 117116. [Google Scholar] [CrossRef]
- Hussain, A.; Ullah, K.; Mubasher, M.; Senapati, T.; Moslem, S. Interval-valued Pythagorean fuzzy information aggregation based on Aczel-Alsina operations and their application in multiple attribute decision making. IEEE Access 2023, 11, 34575–34594. [Google Scholar] [CrossRef]
- Hussain, A.; Ullah, K.; Yang, M.S.; Pamucar, D. Aczel-Alsina aggregation operators on T-spherical fuzzy (TSF) information with application to TSF multi-attribute decision making. IEEE Access 2022, 10, 26011–26023. [Google Scholar] [CrossRef]
- Mahmood, T.; Ali, Z.; Aslam, M. Applications of complex picture fuzzy soft power aggregation operators in multi-attribute decision making. Sci. Rep. 2022, 12, 16449. [Google Scholar] [CrossRef]
- Ali, J.; Naeem, M. Complex q-rung orthopair fuzzy Aczel–Alsina aggregation operators and its application to multiple criteria decision-making with unknown weight information. IEEE Access 2022, 10, 85315–85342. [Google Scholar] [CrossRef]
- Dai, M.; Huang, N.; Wu, Y.; Gao, J.; Su, Z. Unmanned-aerial-vehicle-assisted wireless networks: Advancements, challenges, and solutions. IEEE Internet Things J. 2022, 10, 4117–4147. [Google Scholar] [CrossRef]
- Tan, Y.; Liu, J.; Wang, J. How to protect key drones in unmanned aerial vehicle networks? An SDN-based topology deception scheme. IEEE Trans. Veh. Technol. 2022, 71, 13320–13331. [Google Scholar] [CrossRef]
- Tang, Q.; Fei, Z.; Zheng, J.; Li, B.; Guo, L.; Wang, J. Secure aerial computing: Convergence of mobile edge computing and blockchain for UAV networks. IEEE Trans. Veh. Technol. 2022, 71, 12073–12087. [Google Scholar] [CrossRef]
- Meng, K.; Wu, Q.; Xu, J.; Chen, W.; Feng, Z.; Schober, R.; Swindlehurst, A.L. UAV-enabled integrated sensing and communication: Opportunities and challenges. IEEE Wirel. Commun. 2023, 31, 97–104. [Google Scholar] [CrossRef]
- Wang, L.; Zhang, H.; Guo, S.; Yuan, D. Communication-, computation-, and control-enabled UAV mobile communication networks. IEEE Internet Things J. 2022, 9, 20393–20407. [Google Scholar] [CrossRef]
- Liu, C.; Guo, Y.; Li, N.; Song, X. AoI-minimal task assignment and trajectory optimization in multi-UAV-assisted IoT networks. IEEE Internet Things J. 2022, 9, 21777–21791. [Google Scholar] [CrossRef]
- Pang, J.; He, J.; Mohamed, N.M.A.A.; Lin, C.; Zhang, Z.; Hao, X. A hierarchical reinforcement learning framework for multi-UAV combat using leader–follower strategy. Knowl.-Based Syst. 2025, 316, 113387. [Google Scholar] [CrossRef]
- Zhang, R.; Chen, X.; Li, M. Multi-UAV cooperative task assignment based on multi-strategy improved DBO. Clust. Comput. 2025, 28, 195. [Google Scholar] [CrossRef]
- Dong, L.; Jiang, F.; Wang, M.; Peng, Y.; Li, X. Deep progressive reinforcement learning-based flexible resource scheduling framework for IRS and UAV-assisted MEC system. IEEE Trans. Neural Netw. Learn. Syst. 2024, 36, 2314–2326. [Google Scholar] [CrossRef]
- He, Q.; Zhao, H.; Feng, Y.; Wang, Z.; Ning, Z.; Luo, T. Edge computing-oriented smart agricultural supply chain mechanism with auction and fuzzy neural networks. J. Cloud Comput. 2024, 13, 66. [Google Scholar] [CrossRef]
- Zander, E.; van Oostendorp, B.; Bede, B. Reinforcement learning with Takagi-Sugeno-Kang fuzzy systems. Complex Eng. Syst. 2023, 3, 9. [Google Scholar] [CrossRef]
- He, D.; Gu, H.; Li, T.; Du, Y.; Wang, X.; Zhu, S.; Guizani, N. Toward hybrid static-dynamic detection of vulnerabilities in IoT firmware. IEEE Netw. 2020, 35, 202–207. [Google Scholar] [CrossRef]
- Sheng, Z.; Chen, Z.; Gu, S.; Huang, H.; Gu, G.; Huang, J. LLMs in Software Security: A Survey of Vulnerability Detection Techniques and Insights. arXiv 2025, arXiv:2502.07049. [Google Scholar] [CrossRef]
Framework | Description | Advantages | Disadvantages |
---|---|---|---|
Multi-stage hierarchical aggregation framework [24] | Decompose complex decisions into multiple stages and solve each with optimization algorithms. | Low computational complexity, suitable for large-scale UAV systems, and easily parallelizable in a single stage. | Fragmented information hinders global optimality, errors easily accumulate across stages, slow stages constrain real-time performance. |
Hierarchical reinforcement learning multi-stage framework [25] | A three-layer strategy—macro evaluation, action decision, and instruction generation—to optimize multi-UAV collaboration and scheduling. | Integrates global and local decisions to boost performance, supports coordination in high-dimensional action spaces, enhances multi-UAV system adaptability. | Complex parameter design, layer isolation, hinders real-time performance, relies on large-scale data. |
Multi-objective, multi-strategy, multi-stage task allocation framework [26] | Multi-constrained, multi-stage modeling of task allocation and decision-making using multi-strategy improved Dung Beetle Optimizer(MIDBO) for coordinated global optimization. | Balances multiple objectives, multi-stage optimization boosts global optimality, multi-strategy approach enhances robustness. | Errors accumulate easily, higher complexity, parameters require scenario-specific tuning. |
Framework of this article | Combining prediction-enhanced membership functions with two-stage fuzzy aggregation to fuse energy, bandwidth, and compute resources in real time, enabling bottleneck protection and elastic adjustment. | Balances bottleneck protection and efficiency improvement, introduces a prediction module to anticipate resource conflicts, rigorous theoretical basis with high interpretability and robustness. | Prediction module incurs higher overhead, aggregation weights require offline tuning. |
Symbol | Indicator Name | Quantification or Constraint |
---|---|---|
Predicting CPU utilization | ||
Predict bandwidth utilization | ||
Predicted remaining energy ratio | ||
Resource forecast weight | ||
Coupling Penalty Factor |
Resource Configuration | Task Configuration |
---|---|
Battery (100%) | High real-time tasks vs. Routine tasks |
CPU usage constraint [0, 1] | Task elasticity parameter |
Evaluation and calculation (100 ms) | 360 UAVs |
Methodology | Key Hyperparameters | Search Range/Settings | Tuning Strateg | Number of Training Rounds/Time | Hardware Environment |
---|---|---|---|---|---|
Min | - | fixed | No tuning required | - | Same as other methods |
WSM | Grid search step size 0.05 | Parameter search ≈0.8 h CPU AMD Ryzen 9 5950X, 128 GB RAM | |||
Single-layer OWA | OWA Parameter p | Grid search step size 0.1 | Parameter Search ≈1.0 h CPU | Same as above | |
Two-stage T-norm+ Choquet– OWA | T-norm threshold , Choquet capacity, OWA parameter p | , Initial capacity uniformity, | Phased grid search + local random perturbation | Parameter Search ≈1.5 h CPUn | Same as above |
DRL-PPO | Learning rate , clip ratio , entropy coefficient , discount factor | , , , | Randomly search 20 configurations | episodes (6 h, GPU) | Same as above + NVIDIA RTX 3090 GPU |
Category | Configuration |
---|---|
CPU | AMD Ryzen 9 5950X @ 3.4 GHz, 16 cores |
Memory | 128 GB DDR4 |
GPU | NVIDIA RTX 3090 (used only for DRL-PPO) |
System | Ubuntu 22.04 LTS |
Software | Python 3.10, PyTorch 2.0.1, NS-3.37, ROS 2 Humble |
Simulation Parameters | Number of UAVs = 360, Topology = Self-Organizing Mesh, Channel Model = Nakagami-m (m = 1.5), Bandwidth = 20 MHz, Simulation Duration = 600 s, 50 replicates for all methods and averaged |
Random Seed | 50 independent seed sets, unified initialization process |
Limitation | Impact | Mitigation Approach |
---|---|---|
Prediction error | LSTM may overestimate bandwidth during sudden spikes → short-term overload | Incorporate Kalman correction or uncertainty gating (MC-Dropout) |
Manual parameter tuning | Requires offline calibration | Employ Bayesian optimization or meta-learning for automatic warm start |
Single-peak resource assumption | Current model assumes network congestion is single-peaked | Extend to multi-peak scenarios using piecewise Choquet for multiple hotspots |
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content. |
© 2025 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/).
Share and Cite
Zhang, L.; Peng, J.; Hang, L.; Cheng, Z. A Two-Stage T-Norm–Choquet–OWA Resource Aggregator for Multi-UAV Cooperation: Theoretical Proof and Validation. Drones 2025, 9, 597. https://doi.org/10.3390/drones9090597
Zhang L, Peng J, Hang L, Cheng Z. A Two-Stage T-Norm–Choquet–OWA Resource Aggregator for Multi-UAV Cooperation: Theoretical Proof and Validation. Drones. 2025; 9(9):597. https://doi.org/10.3390/drones9090597
Chicago/Turabian StyleZhang, Linchao, Jun Peng, Lei Hang, and Zhongyang Cheng. 2025. "A Two-Stage T-Norm–Choquet–OWA Resource Aggregator for Multi-UAV Cooperation: Theoretical Proof and Validation" Drones 9, no. 9: 597. https://doi.org/10.3390/drones9090597
APA StyleZhang, L., Peng, J., Hang, L., & Cheng, Z. (2025). A Two-Stage T-Norm–Choquet–OWA Resource Aggregator for Multi-UAV Cooperation: Theoretical Proof and Validation. Drones, 9(9), 597. https://doi.org/10.3390/drones9090597