1. Introduction
Aircraft wake vortices are an inevitable phenomenon that accompany the generation of lift during aircraft operations. The pressure difference between the upper and lower surfaces of the wings of an aircraft flying at a high speed creates intense rotational airflow at the wingtips. This vortex structure extends backward and downward for several kilometers, and is characterized by long duration and a large impact range [
1]. There are serious risks associated with wake vortices during low-altitude flight phases. When a following aircraft inadvertently enters the wake vortex region of a leading aircraft, the strong rotational forces on the trailing aircraft’s wings may cause severe rolling moments, leading to attitude instability or uncontrolled descent. Such scenarios pose a significant threat to aviation safety, affecting airport operational efficiency and, in extreme cases, can potentially cause catastrophic accidents [
2]. Therefore, it is of great significance to accurately identify and provide timely warnings for wake vortices.
The rapid growth of the global aviation industry has made it critical to accurately identify and monitor aircraft wake vortices in real-time for ensuring aviation safety. Breitsamter [
1] conducted a comprehensive review of the physical characteristics and impacts of aircraft wake vortices. The author examined the evolution mechanisms from near-field to far-field vortices and explored the mitigation strategies, thereby providing a theoretical foundation for this field. Gharbia et al. [
2] summarized the development of wingtip vortex mitigation techniques over the past 60 years. Panagiotou et al. [
3] used smoke flow visualization and 3D laser Doppler velocimetry to validate the effectiveness of winglets in suppressing vortex intensity.
Among traditional measurement and analysis methods, Köpp et al. [
4] pioneered a new direction for wake vortex monitoring by introducing a wake vortex parameter measurement system based on a 2-micron pulsed Doppler lidar in 2004. Holzäpfel et al. [
5] systematically evaluated various calculation methods for calculating the circulation of aircraft wake vortices observed by lidar, revealing the systematic errors and applicability of different approaches. Liu et al. [
6] proposed a wake vortex localization method that combined radial velocity and spectral width by analyzing the evolution characteristics of wake vortices under different crosswind conditions. Rojas et al. [
7] developed the CGM (circulation generator module) tool for wake vortex circulation calculation, providing essential references for the safety assessments of wake vortex encounters. Recently, Michel et al. [
8] developed a short-pulse lidar system that could achieve a spatial resolution of 22.5 meters, offering new technical means for precise wake vortex center localization.
Given the rapid advancement of artificial intelligence technologies, Shakirov et al. [
9] provided a comprehensive review of the state of deep learning. He, K. et al. [
10] proposed ResNet, introducing a residual learning framework to address the deep network training degradation problem. Szegedy et al. [
11] achieved a 3.08% top-five error rate in the ImageNet classification task with Inception-v4 and Inception-ResNet. Huang et al. [
12] introduced DenseNet, which enabled efficient feature reuse through dense connections. Liu et al. [
13] proposed CBNet, which used composite connections to significantly enhance the object detection performance. Zhang et al. [
14] theoretically analyzed the advantages of adaptive optimization methods in attention models and introduced the novel ACClip algorithm. These foundational studies have provided significant technical support for wake vortex recognition tasks.
In specific applications relating to wake vortex recognition, Luo et al. [
15] studied the evolution characteristics of A333 wingtip vortices using large eddy simulations and dynamic adaptive grid techniques. Pan, W et al. [
16] constructed the Wind3D-6000 lidar wake vortex dataset based on an improved VGG16 network, achieving a recognition accuracy of 0.984. Xu et al. [
17] proposed MRFF-YOLO, which used multi-receptive field feature fusion to achieve significant performance improvements on remote sensing datasets. Shen et al. [
18] innovatively used the YOLOv5s network to introduce the concepts of single vortex localization and intensity-based classification criteria.
In recent studies, Chu et al. [
19] developed a two-stage probabilistic deep learning framework that achieved high-precision wake vortex localization and intensity prediction. Ma et al. [
20] proposed the YOLOv8n-CBAM-EfficientNetV2 model, which achieved a detection accuracy of 96.59% and real-time performance of 250 frames per second. Wei et al. [
21] demonstrated that their inversion model based on the DBN and GA-BPNN outperformed traditional methods in real airport environments. Zhang et al. [
22] integrated Doppler lidar data to achieve rapid wake vortex parameter recognition under various weather conditions. Pan, W et al. [
23] proposed an improved GoogLeNet model, which achieved a recognition accuracy of 98.44% and a detection speed of 160 fps. However, these existing methods still face several challenges as described below:
- 1.
Single-network architectures often have limited capabilities to handle multi-scale wake vortex features.
- 2.
Feature extraction and noise suppression capabilities require further improvement under complex backgrounds.
- 3.
It is difficult to balance real-time performance and accuracy within a single model.
To address these aforementioned issues, this paper proposes a hybrid deep learning architecture that combines the strengths of the Inception and VGG16 networks. The proposed model leverages improved InceptionB and InceptionC modules to enable parallel extraction of multi-scale features; in parallel, it also utilizes the hierarchical structure of VGG16 to enhance deep feature representation. This innovative design provides a new technical solution to achieve improved wake vortices recognition performance in complex environments.
The paper is structured as follows:
Section 2 introduces the wake vortex generation principles and Doppler lidar detection principles, along with a detailed description of the on-site wake detection experiments;
Section 3 proposes the wake vortex recognition method based on the improved Inception-VGG16 hybrid network, elaborating on the design and implementation of the Feature0 module, improved InceptionB and InceptionC modules, and the classifier module;
Section 4 presents the experimental results based on the Chengdu Shuangliu Airport dataset and a performance comparison with traditional methods; Finally,
Section 5 summarizes the research findings and discusses future research directions.
3. Deep Learning Methods and Implementation
The network proposed in this paper offers significant advantages for rapid wake vortex identification using Doppler lidar data. While these data capture detailed velocity fields and fluid properties, they present challenges due to their complex multi-scale features, susceptibility to noise, and environmental interference. To address these limitations, we propose a hybrid architecture combining VGG16 and Inception modules.
VGG16 serves as an ideal backbone despite newer alternatives because its intuitive structure enhances interpretability for safety-critical aviation applications, and its moderate downsampling better preserves fine vortex structures. Our experiments confirm that VGG16 maintains competitive recognition accuracy compared to newer models such as ResNet and YOLOv5, while also achieving inference speeds suitable for real-time monitoring applications. This architecture leverages VGG16’s hierarchical feature extraction through stacked 3 × 3 convolutions to effectively capture velocity gradients and edge contours.
The integration of Inception modules complements VGG16 by employing a multi-branch structure with varied kernel sizes (1 × 1, 3 × 3). This design enables simultaneous extraction of both local details (small-scale vortices) and global characteristics (velocity distributions), while dimensionality reduction operations enhance computational efficiency. By combining these complementary strengths, our proposed model achieves superior identification efficiency and accuracy for wake vortex monitoring.
By combining the advantages of these two architectures, this paper proposes the Inception-VGG16 model: a wake vortex rapid identification network based on VGG16 and Inception modules. This model integrates improved Inception modules (named InceptionB and InceptionC, respectively) into the traditional VGG16 network to enhance the ability to extract multi-scale features while retaining the hierarchical feature extraction strengths of VGG16. The model is designed to efficiently process the complex, multi-scale, and multi-level features of wake vortices while improving robustness against noisy data. The structure of the network is illustrated in
Figure 5.
3.1. Feature0 Module
To address the issues of insufficient feature extraction and inadequate adaptability to environmental changes in wake vortex identification tasks, this paper designs an efficient feature extraction module. The module consists of convolution, batch normalization, ReLU activation, and max pooling operations. Its primary function is to extract deep and multi-scale feature representations from wake vortex images, which enhance the ability to recognize wake vortex patterns while improving the model’s robustness and computational efficiency.
The mathematical structure of this module is given by the following expression:
where the input feature map is denoted as
x, while
W and
b represent the weights and biases of the convolutional layer, respectively. Futhermore, Conv denotes the convolution operation, BatchNorm represents the batch normalization operation, ReLU refers to the activation function, and MaxPool indicates the max pooling operation. Through step-by-step processing between layers, this module is capable of extracting critical edges, textures, and shape features from wake vortex images while eliminating redundant information.
During the wake vortex identification process, this module uses convolution operations to extract local features of the wake vortex. The feature representation is further optimized using batch normalization and the activation function, while the max pooling operation compresses the feature map dimensions and retains the key information. This design effectively enhances the wake vortex feature extraction accuracy and improves the model’s training efficiency, providing reliable support for precise wake vortex pattern recognition. The network structure of the Feature0
Figure 6 shows the network structure of the Feature0 module.
3.2. Inception Module
In this network, two improved Inception modules, namely, the InceptionB and InceptionC modules, are designed to achieve parallel extraction of multi-scale features from wake vortex images:
- 1.
InceptionB Module:
This module consists of two parallel branches, whose functions are defined as follows:
Branch 1: Performs dimensionality reduction and feature extraction using a 1 × 1 convolution kernel.
Branch 2: Further extracts local features using a 3 × 3 convolution kernel and deepens the network’s non-linear representation capabilities through consecutive convolutional operations.
The output feature channel number is 64.
- 2.
InceptionC Module:
This module builds upon the InceptionB module by expanding the number of output channels number to 128, further enhancing the diversity and expressive power of the features. It introduces a deeper convolutional structure to support the recognition of complex wake vortex patterns.
InceptionB and InceptionC modules adopt a branching design, combining convolution kernels with different receptive fields (e.g., 1 × 1 and 3 × 3) and fusing the multi-branch features through a concatenation operation. This design enables the network to capture both local details and global patterns of the wake vortex.
Considering the InceptionB module as an example, its mathematical structure can be described as follows, where the input feature map is denoted by x with dimensions (B, C, H, W):
Branch 1: 1 × 1 convolution branch:
Here, and represent the weights and biases of the convolution kernel, respectively.
Branch 2: 1 × 1 convolution + three layers of 3 × 3 convolution:
Then, the outputs of Branch 1 and Branch 2 are concatenated along the channel dimension as follows:
The concatenated features are processed through BatchNorm and ReLU activation as
The mathematical structure of the InceptionC module is similar to that of InceptionB, but it features a higher number of output channels for each branch and introduces deeper convolutional layers.
As the core component of the Inception-VGG16 model, the inception module effectively addresses the challenge of multi-scale feature extraction in wake flow recognition through its multi-branch parallel design and feature fusion mechanism. Additionally, its efficient computational design and powerful feature representation capabilities enable the model to excel in both accuracy and real-time performance for wake flow recognition. The improved InceptionB and InceptionC modules proposed in the paper provide innovative technical solutions for wake flow recognition tasks, as shown in
Figure 7.
3.3. Classifier Module
The classification structure represents the backend of the improved Inception-VGG16 network proposed in this paper. Its primary function is to integrate and compress the large number of deep, multi-scale features extracted by the frontend feature extraction modules (including Feature0, InceptionB, and InceptionC) to ultimately achieve wake flow pattern classification and recognition. This module progressively maps high-dimensional features to low-dimensional space using fully connected layers and enhances the accuracy and robustness of wake flow recognition by combining the activation functions and regularization operations.
In wake flow recognition tasks, this structure flattens and compresses the high-dimensional features output by the frontend multi-scale feature extraction modules, retaining key feature information while removing redundant features. The fully connected layers progressively extract the characteristic patterns of wake vortices and map them to the wake flow category space, completing the classification of wake flow patterns. Dropout is applied as a regularization operation to improve the model’s robustness against complex backgrounds and noisy data. Finally, the Softmax activation function outputs the probability distribution of wake flow patterns, enabling fast classification of wake flows.
The comprehensive formula for the entire classification structure can be expressed comprehensively via the following expression:
where y represents the predicted category distribution of wake vortices, and the Softmax function is responsible for converting the output into a probabilistic form. The input
has dimensions of
, where
and
represent the weight matrix and bias term of the first fully connected layer, respectively, and ReLU is the activation function.
Figure 8 shows the structure of the classification network.
In summary, the Inception-VGG16 hybrid deep learning network proposed in this paper can efficiently process and accurately classify wake flow data by combining the multi-scale feature extraction capability of the Inception modules with the deep feature representation ability of VGG16. The collaborative operations of the Feature0 module, the improved InceptionB and InceptionC modules, and the hierarchical classification structure enable the model extract key wake flow features in complex backgrounds and noisy environments, resulting in high classification accuracy and robustness. Moreover, the model’s high inference efficiency meets the real-time requirements of practical aviation wake flow monitoring tasks.
3.4. Model Training and Optimization
Due to the significant dynamic variations in wind speed within the background wind fields of wake flows, this study applied standardization to the collected data to eliminate the influence of dimensions on the network input data. The standardized data not only accelerate the gradient descent process during the training of the convolutional neural network (CNN) but also effectively improve the convergence efficiency of the model. After preprocessing, the dataset was randomly divided into a training set, validation set, and test set, with distribution ratios of 60%, 20%, and 20%, respectively. The training set was used for learning the model weights, the validation set was applied during training for hyperparameter tuning, and the test set was used for model evaluation to obtain the final experimental results.
The Adam optimizer, known for its adaptive gradient descent approach, was chosen for model training due to its simplicity, computational efficiency, and low memory consumption. It is commonly used in domains like computer vision and NLP, and in this study, it was configured with a learning rate of 0.001, a momentum of 0.9, and a weight decay of
. Cross-entropy loss is utilized to evaluate the difference between the predictions and true probabilities, with smaller values indicating better model performance. The expression for the cross-entropy loss is as follows:
By combining the above optimization algorithm and the loss function, the model can learn data features more efficiently and improve the prediction performance.
4. Experiments and Results
Experiments were performed on a Windows 11 system with Python and PyTorch 2.4.0 as the implementation frameworks. The hardware setup included an NVIDIA GeForce RTX 4090 GPU, a 13th Gen Intel® Core™ i7-13700K processor, and 32GB of RAM.
The dataset for this study was constructed based on wake flow observation experiments conducted by the team at Chengdu Shuangliu International Airport (CTU). The experiments utilized the Wind3D 6000 Doppler LiDAR, with equipment deployed at various observation points along the runway, and a total of 3530 wind field samples collected to form the dataset. Among these samples, those containing aircraft wake vortices are labeled as positive samples (T), while those without wake vortices are labeled as negative samples (F). It is important to note that, to avoid unnecessary warnings, wake vortices that no longer pose a threat to subsequent aircraft during the dissipation phase are classified as negative samples.
The preprocessed training set data were fed into the Inception-VGG16 model for training.
Figure 9 shows the iterative changes in the training and validation loss values versus epochs during the training process.
The effectiveness of the constructed target recognition network is further validated by comparing its performance with common target recognition networks, such as VGG16, SVM, KNN, and RF. The following metrics are used for the performance comparison:
Classification Accuracy (Accuracy):
F1-score, which considers the balance between precision and recall:
In the above expressions, TP refers to the correctly identified positive samples, while TN denotes the correctly classified negative samples. Furthermore, FP indicates negative samples that are misclassified as positive (Type I error), and FN represents positive samples that are misclassified as negative (Type II error).
The experimental results are shown in
Table 3. Achieving the highest accuracy (0.988), precision (0.972), and F1-score (0.966), the Inception-VGG16 model excelled in all evaluation metrics. This highlights the effectiveness of the developed Inception-VGG16 network in identifying aircraft wake vortices and reducing the occurrence of false alarms.
The binary classification performance of each model is further analyzed using confusion matrices, providing insights into their capabilities across different categories. As shown in
Figure 10 shows, deep learning models like VGG16 and Inception-VGG16 exhibited outstanding results, especially under conditions of imbalanced positive and negative sample distributions. Note that the dataset used in this study, derived from Shuangliu Airport, represents a typical real-world scenario with considerable variability. Traditional machine learning models (e.g., SVM, KNN, and RF) performed adequately but struggled to balance precision and recall effectively.
To further validate the effectiveness of our proposed method, we compared the Inception-VGG16 model proposed in this paper with the related work mentioned in the Introduction section. Compared to traditional machine learning methods (SVM, KNN, RF) and single deep networks (VGG16), our model achieved the best performance in metrics such as accuracy, precision, recall, and F1-score. In particular, compared to our previously proposed improved GoogLeNet-based model [
23] (accuracy of 98.44%), the Inception-VGG16 architecture in this article (accuracy of 98. 8%) still shows performance improvement: (1) The hybrid architecture combining VGG16’s hierarchical feature extraction with Inception modules’ multi-scale capabilities addresses the multi-scale nature of wake vortex features more effectively than single-architecture approaches. (2) The improved InceptionB and InceptionC modules in our model can extract multi-scale features in parallel, enhancing the ability to recognize wake vortices in complex backgrounds. (3) VGG16’s hierarchical structure performs deep feature extraction through multiple layers of convolution and pooling operations, further improving the model’s ability to express wake vortex features.
In addition to surpassing traditional machine learning and single deep learning models, our Inception-VGG16 network demonstrates robust and reliable performance on real-world wake vortex datasets. Specifically, on the Chengdu Shuangliu Airport dataset, our model achieves a recognition accuracy of 98.8%, with a precision, recall, and F1-score of 97.2%, 96.1%, and 96.6%, respectively. These results reflect the model’s strong capability to accurately detect and classify wake vortices under complex and variable conditions.
For further comparison, recent studies such as Shen et al.’s study in [
18] reported a YOLOv5s-based approach for wake vortex recognition that achieved an accuracy of 92.4% and an inference speed of 416.7 FPS. While such methods exhibit impressive real-time performance, their accuracy on similar tasks remains significantly lower than that of our Inception-VGG16 model. Therefore, our proposed approach not only delivers higher recognition accuracy but also maintains efficient inference, making it highly suitable for practical aviation safety monitoring.
Based on the confusion matrices of the five models, it is evident that the Inception-VGG16 model demonstrates the best performance. It has the lowest number of misclassifications and achieves high accuracy in both positive and negative sample classification, making it well suited for tasks with strict classification requirements. The VGG16 model exhibits a balanced overall performance, with strong classification capabilities for both positive and negative samples. Although its error rate is slightly higher than that of Inception-VGG16, it remains an excellent choice. The Random Forest (RF) model performs exceptionally well in negative sample classification but shows slightly lower recall for positive samples, which may pose a risk of missed detections in certain tasks. In contrast, the performance of the KNN and SVM models is somewhat inferior, particularly in terms of recall for positive samples, where significant improvement is needed to reduce the likelihood of missed detections.
To gain deeper insights into the model’s limitations and guide future improvements, we conducted a detailed analysis of misclassification cases produced by the Inception-VGG16 network, focusing on typical false positive and false negative scenarios.
In false positive cases, we identified two main patterns of misclassification. The first pattern occurred when natural turbulence formations at cloud layer edges exhibited structural features similar to wake vortices, causing the model to incorrectly identify them as wake vortices. These natural turbulence patterns often presented rotational patterns and linear structures that resembled genuine wake vortex signatures. The second common false positive scenario involved high-contrast turbulent regions near aircraft. In these cases, local air disturbances caused by the aircraft shared visual characteristics with actual wake vortices, leading to model confusion. These examples demonstrate that the model still faces challenges when distinguishing wake vortices from natural turbulence phenomena that present similar texture and shape features.
In our false negative analysis, we also identified two primary scenarios. First, when wake vortices were in their dissipation phase, their structural features became less pronounced with significantly reduced intensity, making it difficult for the model to recognize these weak signal features. This was particularly common after 20 s of vortex formation, when the vortices had begun to break down into smaller turbulent structures. Second, low-contrast wake vortices in complex cloud backgrounds were often obscured by environmental noise. In these situations, the wake vortex feature information blended with the background, making feature extraction exceptionally challenging and preventing the model from successfully identifying existing wake vortices.
Based on the analysis of these error cases, we propose the following improvement strategies: (1) enhancing the training dataset diversity, particularly by increasing samples with weak wake signals and specific background interference conditions; (2) introducing attention mechanisms to improve the model’s ability to differentiate between wake vortices and natural turbulence structures; (3) improving feature fusion strategies to increase the model’s sensitivity to low-contrast scenarios; and (4) considering the introduction of temporal information processing mechanisms to better capture wake vortex evolution characteristics. These targeted improvements are expected to further enhance the model’s robustness in real-world application environments.
Through systematic analysis of these error cases, we have gained a deeper understanding of the current limitations of the Inception-VGG16 model when processing complex environments and boundary cases, providing clear guidance for future research directions. These insights are significant for improving the reliability of the model in practical aviation safety monitoring applications.
Our experimental results demonstrate that the proposed Inception-VGG16 architecture effectively addresses the three key challenges identified in the introduction. First, regarding the limited capability of single network architectures to handle multi-scale wake vortex features, our hybrid network successfully integrates the parallel multi-scale processing strength of Inception modules with VGG16’s hierarchical feature representation, achieving an impressive 98.8% accuracy in wake vortex recognition. Second, concerning the need for improved feature extraction and noise suppression under complex backgrounds, our model demonstrates superior performance with 97.2% precision and 96.1% recall, indicating robust feature representation even in challenging conditions with minimal false positives and false negatives. Third, our architecture successfully balances real-time performance and accuracy within a single model, maintaining state-of-the-art recognition performance while achieving inference speeds suitable for real-time monitoring applications. These results validate the effectiveness of our hybrid approach in overcoming the limitations of existing wake vortex recognition methods.
To further clarify the physical interpretability of the proposed Inception-VGG16 model, we conducted an in-depth analysis of the feature responses at different network layers during the wake vortex recognition process. By tracing the activation patterns from the initial convolutional layers through to the deeper modules, we observed that the model consistently emphasizes image regions where the Doppler lidar data present abrupt changes in radial velocity, as well as contiguous structures that resemble the classic vortex pair configuration.
In practical terms, this means the model is sensitive to the velocity discontinuities and rotational patterns that are characteristic of wake vortices according to aerodynamic theory. For example, in several typical cases, we found that the network’s intermediate representations tended to highlight the spatial zones corresponding to the expected positions of vortex cores, and were less influenced by homogeneous background flow.
This layer-wise analysis demonstrates that the model’s decision-making process is aligned with the established physical understanding of wake vortex phenomena. By focusing on these physically meaningful signatures, the network’s predictions are not only accurate but also interpretable within the context of fluid mechanics, which is important for building user trust in operational settings.
In addition to controlled experiments, we evaluated the practical effect of the proposed method in the context of real airport operations. The trained Inception-VGG16 model was directly applied to a series of new Doppler lidar observations that reflected the variability of actual airport environments, including changes in weather, wind direction, and aircraft types.
During this process, the model was able to adapt to different operational scenarios without the need for additional calibration or manual intervention. For instance, when exposed to lidar data collected during periods of rapidly shifting wind or mixed aircraft traffic, the model maintained a consistent ability to identify wake vortex events and provide timely outputs.
Moreover, discussions with airport technical staff revealed that the model’s output could be readily interpreted and integrated with existing safety monitoring workflows. In practice, the method helped operators quickly distinguish between genuine wake vortices and other transient disturbances, enhancing situational awareness. Although certain edge cases, such as overlapping turbulence from multiple sources, still pose challenges, the overall experience demonstrates the method’s suitability for operational deployment and its potential to improve the efficiency and reliability of wake vortex monitoring in real-world environments.
5. Conclusions
In this paper, a novel hybrid deep learning architecture, the Inception-VGG16, was proposed to address the challenges of aircraft wake vortex recognition. The model effectively combined the multi-scale feature extraction capabilities of the Inception modules with the hierarchical feature representation of the VGG16 network. The network achieved robust parallel extraction of multi-scale features by incorporating the improved InceptionB and InceptionC modules, while the VGG16 structure ensured deep feature representation. The proposed architecture demonstrated excellent performance in recognizing wake vortex patterns, especially in complex environments with noise interference. The experimental results validated the effectiveness of the Inception-VGG16 model. Compared with traditional machine learning models, e.g., SVM, KNN, and RF, and single deep learning models, e.g., VGG16, the proposed model achieved the highest accuracy, precision, recall, and F1-score values of 98.8%, 97.2%, 96.1%, and 96.6%, respectively. These improvements highlighted the model’s superior ability in both feature extraction ability and noise robustness.
Furthermore, the model’s inference efficiency satisfies the real-time requirements of wake vortex monitoring tasks, making it an ideal candidate for aviation safety applications. In conclusion, the Inception-VGG16 network provides an innovative and effective approach to address the challenges of wake vortex recognition. It offers a promising technical direction for improving aviation safety systems and performing further research into deep learning applications in the field of aeronautics.
Despite its outstanding performance, the proposed architecture has a few limitations. The dataset used in this research was collected at the Shuangliu Airport. Although it represents a realistic and dynamic environment with considerable variability, it does not fully consider all environmental conditions that might occur in real-world scenarios. In future work, we plan to expand the dataset to include a broader range of atmospheric conditions and diverse aircraft types. Additionally, further optimization of the model’s computational efficiency will be further improved to enhance its applicability in resource-constrained environments, such as onboard aircraft systems or remote sensing platforms.
In conclusion, the Inception-VGG16 network provides an innovative and effective approach to addressing the challenges of wake vortex recognition. It offers a promising technical pathway for advancing aviation safety systems and paves the way for further research into deep learning applications in the field of aeronautics.