Next Article in Journal
DyGAT-FTNet: A Dynamic Graph Attention Network for Multi-Sensor Fault Diagnosis and Time–Frequency Data Fusion
Previous Article in Journal
Design of a Multi-Node Data Acquisition System for Logging-While-Drilling Acoustic Logging Instruments Based on FPGA
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Aircraft Sensor Fault Diagnosis Based on GraphSage and Attention Mechanism

1
Department of Aeronautics and Astronautics, Fudan University, Shanghai 200433, China
2
School of Aerospace Engineering and Applied Mechanics, Tongji University, Shanghai 200092, China
*
Author to whom correspondence should be addressed.
Sensors 2025, 25(3), 809; https://doi.org/10.3390/s25030809
Submission received: 4 November 2024 / Revised: 12 January 2025 / Accepted: 25 January 2025 / Published: 29 January 2025
(This article belongs to the Section Fault Diagnosis & Sensors)

Abstract

:
Aircraft sensors are crucial for ensuring the safe and efficient operation of aircraft. However, these sensors are vulnerable to external factors that can lead to malfunctions, making fault diagnosis essential. Traditional deep learning-based fault diagnosis methods often face challenges, such as limited data representation and insufficient feature extraction. To address these problems, this paper proposes an enhanced GraphSage-based fault diagnosis method that incorporates attention mechanisms. First, signal data representing the coupling characteristics of various sensors are constructed through data stacking. These signals are then transformed into graph data with a specific topology reflecting the overall sensor status of the aircraft using K-nearest neighbor and Radius classification algorithms. This approach helps fully leverage the correlations between data points. Next, node and neighbor information is aggregated through graph sampling and attention-based aggregation methods, strengthening the extraction of fault features. Finally, fault diagnosis is performed using multi-layer aggregation and transformation within fully connected layers. Experiments demonstrate that the proposed method outperforms baseline approaches, achieving better detection performance and faster computational speed. The method has been validated on both simulated and real-flight data.

1. Introduction

Aerospace sensors are used to measure flight parameters such as airspeed and angles, playing a crucial role in ensuring the normal and safe operation of aircraft [1,2]. However, sensors measuring parameters like airspeed and angle of attack (AOA) are installed on the external surface of the aircraft, where they are directly exposed to the atmospheric environment, making them susceptible to influences such as rain, frost, and icing. While sensors measuring attitude angles are installed inside the aircraft fuselage, they remain sensitive to environmental factors such as temperature and humidity. These sensors are prone to malfunctions, which can affect the aircraft’s performance. Therefore, the development of fault diagnosis technology for aerospace sensors is essential to ensure safe aircraft operations [3,4].
Traditional fault diagnostic methods mainly involve two steps: feature extraction using signal processing methods and fault classification or regression using machine learning techniques [5,6]. Wang et al. [7] proposed an actuator fault diagnosis scheme for flight control systems based on model identification techniques. The approach combined system identification through a linear model, employing a closed-loop subspace model identification algorithm, demonstrating higher fault diagnosis accuracy. He et al. [8] proposed a nonlinear disturbance observer-based approach for aircraft fault diagnosis by making use of dynamic and kinematic relations of the aircraft. Dewallef et al. [9] proposed a diagnostic method for aircraft engines that integrates a soft-constrained Kalman filter, which enhances the estimation of unknown health parameters. Marcos et al. [10] presented a H -based fault diagnostic methods for the longitudinal motion of the Boeing 747-100/200 aircraft. Closed-loop simulations with a high-fidelity nonlinear model in the presence of gust and noise were performed to validate the performance of the proposed scheme. Cartocci et al. [11] presented a data-driven fault diagnosis scheme for aircraft sensors using PCA and D-PCA techniques. The method integrated evidence-based filtering to enhance fault isolation, demonstrating effectiveness in reducing false alarms. Heredia et al. [12] presented a sensor fault detection and diagnosis system for small autonomous helicopters based on analytical redundancy. The system has been tested with real helicopter flight data, yielding promising performance. However, these traditional fault diagnosis methods rely on models of aircraft dynamics and sensor characteristics such as delay, which are challenging to accurately identify. Additionally, the need for extensive parameter tuning due to external disturbances has limited the further application of traditional fault diagnosis algorithms.
With the rise of deep learning (DL) theories and computational resources, intelligent technologies have made significant progress in feature extraction [13]. Many powerful deep neural networks (DNNs) have been developed, such as convolutional neural networks (CNNs) [14,15], autoencoders (AEs) [16,17], and recurrent neural networks (RNNs) [18,19]. These models have also been successfully applied in fault diagnosis. Wei et al. [20] proposed an offline diagnosis method of CNN with novel topology. Simulation results show that the proposed method can accurately diagnose the actuator fault and its position sensor. Toma et al. [21] introduced a framework combining deep autoencoders and convolutional neural networks for bearing fault classification in induction motors. The proposed approach effectively identifies faults by automatically extracting and classifying signal features. Yang et al. [22] developed a multi-head deep neural network based on sparse autoencoders for both diagnostics and the detection of unknown defects, enhancing the flexibility and accuracy of diagnostics. Ma and Mersha [23] explored a data-driven approach using recurrent neural networks (RNNs) for fault detection in AOA sensors in aircraft, providing a robust framework for handling aerospace sensor anomalies. Although these DNN-based methods effectively capture hidden features in conventional data (e.g., time series), they face inherent limitations in processing multi-sensor aircraft data. Most methods overlook two critical types of interdependencies: the coupling relationships between different sensors, and the correlations between different aircraft states characterized by combinations of sensor measurements. When standard convolution operations are performed on multi-sensor measurements, they simply take a weighted sum of the sensor readings with corresponding convolution kernels, without considering these complex interdependencies. To address this issue, an increasing number of applications now represent data as irregular graphs, where relationships between different states can be naturally modeled through edges and their weights. However, the complexity of such graph data poses critical challenges for standard DNN-based methods, making some essential operations (e.g., convolution) easy to apply in Euclidean domains but difficult to model in non-Euclidean spaces.
In recent years, graph neural networks (GNNs) have emerged as a novel type of neural network designed for modeling graph data [24,25]. Inspired by concepts from DL, such as CNNs, RNNs, and AEs, new definitions have been extended to complex graph data, resulting in corresponding graph convolutional networks (GCNs) [26], graph recurrent neural networks (GRNNs) [27], and graph autoencoders (GAEs) [28]. These neural networks have been successfully implemented across various domains, including chemistry, commonsense reasoning, natural language processing, social networks, and traffic flow prediction [29]. Recently, researchers have increasingly applied GNNs to fault diagnosis due to their ability to model interdependencies between data and embed these into extracted features. For example, Shi et al. [30] proposed a novel unsupervised multivariate time series anomaly detection framework based on GCNs, which simultaneously models the correlations between variables and the importance of variables at each time period. Xie et al. [31] proposed an anomaly detection method for aerospace data based on graph neural networks. The proposed method was applied to convert linear structure data into graph data, showing good effectiveness and robustness. Xiao et al. [32] presented a control area network graph attention networks (CAN-GAT) model to implement the anomaly detection of in-vehicle networks. The CAN-GAT model claimed improved accuracy among the compared baseline methods, and has good detection speed performance. Qiu et al. [33] proposed a reinforced graph regularization fault diagnosis network to address the difficulty in fusing multiple data sources and the insufficient consideration of sample correlations. The proposed approach was validated using a high-speed aviation-bearing dataset, showing promising performance. However, existing GNN-based methods have not fully explored the potential of combining different graph construction strategies and attention mechanisms for fault feature extraction. Moreover, their applications in fixed-wing aircraft sensor fault diagnosis remain limited, where the challenge lies in processing data from multiple heterogeneous sensors operating under complex flight conditions.
To address the above issues, this paper proposes a multi-sensor graph convolutional fault diagnosis method based on the combination of attention mechanisms and the GraphSage network. The highlights of this paper are summarized as follows:
1. Multi-Sensor Data Stacking and Graph Construction: This approach effectively integrates data from multiple sensors using data stacking techniques and leverages KNN and Radius algorithms to generate graph structures. The resulting graph captures diverse and comprehensive fault information from various sensors, enhancing the accuracy and robustness of fault diagnosis classification.
2. Enhanced Fault Feature Extraction via Attention Mechanisms: The model incorporates attention mechanisms to transform both node attributes and sampled neighbor node features, significantly improving the model’s ability to identify and learn relevant fault features.
3. Multi-Layer Aggregation and Validation on Diverse Datasets: The fault diagnosis is achieved through multi-layer information aggregation and feature transformation. The proposed method is rigorously validated on both simulated and real-world data, demonstrating its superior performance and high fault diagnosis detection rate compared to other advanced methods across diverse datasets.
The remainder of this paper is organized as follows: Section 2 formally defines the fault diagnosis problem. Section 3 details the proposed methodology, including GraphSage and the attention-enhanced GraphSage framework for aircraft sensor fault diagnosis. Section 4 presents experimental results and analysis and Section 5 summarizes the main conclusions of this work.

2. Problem Definition

We start with air data evolution equations in defining the aircraft sensor fault detection and classification problem [34,35]:
V ˙ = ( G x g S θ ) C α C β + ( G y + g S ϕ C θ ) S β + ( G z + g C ϕ C θ ) S α C β α ˙ = ( G x S α + G z C α + g C ϕ C θ C α + g S θ S α ) / V C β + w y ( w x C α + w z S α ) S β / C β β ˙ = [ ( G x g S θ ) C α S β + ( G y + g S ϕ C θ ) C β ( G z + g C ϕ C θ ) S α S β ] / V + w x S α w z C α
where the trigonometric functions sin and cos are abbreviated as S * and C * ; the variables V, α , and β represent the velocity, angle of attack, and sideslip angle, respectively; g denotes the gravitational acceleration; { w x , w y , w z } , { ψ , θ , ϕ } , and { G x , G y , G z } represent the body-axis angular velocity components, aircraft Euler angles, and body-axis load factor components, respectively. The body-axis load factor components { G x , G y , G z } represent the total acceleration (including both gravitational and inertial effects) acting on the aircraft along its body-fixed coordinate axes, normalized by the gravitational acceleration.
In Equation (1), angular velocities and Euler angles of the aircraft are coupled as follows:
ψ ˙ = w y S ϕ / C θ + w z C ϕ / C θ θ ˙ = w y C ϕ w z S ϕ ϕ ˙ = w x + w y S ϕ S θ / C θ + w z C ϕ S θ / C θ
And aircraft motion equations are written as follows:
x ˙ = u C θ C ψ + v ( S θ S ϕ C ψ C ϕ S ψ ) + w ( S θ C ϕ C ψ + S ϕ S ψ ) y ˙ = u C θ S ψ + v ( S θ S ϕ S ψ + C ϕ C ψ ) + w ( S θ C ϕ S ψ S ϕ C ψ ) z ˙ = u S θ + v S ϕ C θ + w C ϕ C θ
wherein the velocity component { u , v , w } expressed in the body axes are as follows:
u = V C α C β v = V S β w = V S α C β
The flight state monitoring system relies on multiple onboard sensors. The primary sensor systems include air data sensors (ADSs) for measuring flight parameters V , α , β , and inertial measurement unit (IMU) for obtaining motion parameters w x , w y , w z , ψ , θ , ϕ , and G x , G y , G z . The aircraft’s position x , y , z is tracked through GPS signals. This research specifically addresses the fault detection and classification challenges in ADS and IMU systems.
While other studies typically employ model-based approaches to analyze the dynamics and kinematics represented in Equations (1)∼(4), our approach involves modeling the fault detection and classification problem as a mapping process. We utilize a GNN-based learning method to capture and explore the interrelationships within the sensor measurement data, facilitating the detection and classification of potential sensor faults.

3. Method Details

3.1. GraphSage

The graph neural network (GNN) is a deep learning algorithm specifically designed for analyzing graph-structured data [36]. In graph-structured data [37], information is represented as a network graph G = (V, E, A), where V represents the nodes, E represents the edges connecting them, and A denotes the weighted adjacency matrix. Unlike traditional data structures that treat samples independently, graph-structured data explicitly model the dependencies and connections between entities, enabling effective analysis of complex, interconnected systems.
As one of the most prominent variants of GNN, graph convolutional networks (GCNs) extend the success of convolutional neural networks (CNNs) to graph-structured data by redefining the convolution operation in the graph domain. Similar to how CNNs process local information in grid-like data, GCNs operate on each node by aggregating and transforming features from its local neighborhood, effectively capturing both node attributes and graph topology. This localized feature learning mechanism enables GCNs to learn hierarchical representations of nodes while preserving the structural information encoded in the graph, making it particularly effective for tasks such as node classification and graph representation learning.
However, GCNs have problems of poor scalability and flawed training methods. In order to further improve the training efficiency of the model, GraphSage has been proposed, which is an iterative graph neural network algorithm that aggregates neighboring nodes. GraphSage aggregates the neighborhood information of neighboring nodes by sampling them, reducing the computational consumption of graph neural networks during training and testing, which makes GraphSage highly adaptable to the distributed training of large-scale graph data. GraphSage aggregates the information of nodes and their neighbors in each layer of aggregation functions to obtain the feature vectors of the next layer. The algorithm flow is shown in Figure 1.
The GraphSage algorithm mainly includes two processes: graph sampling and graph aggregation.
(1) Graph Sampling: GraphSage uses the relationship between nodes to connect information, and adopts neighborhood sampling to control the growth rate of nodes when subgraphs diverge, keeping the size of subgraph nodes below the factorial level and freeing up space for model construction.
(2) Graph Aggregation: The information obtained after graph sampling is passed through multiple layers of aggregation functions, where the information of adjacent nodes is continuously fused. The fused features are used to represent the predicted node labels.
The sampling and aggregation process of GraphSage can be represented by the following formula:
h v ( l + 1 ) = σ ( W · MEAN ( { h v l } { h u l , u N ( l + 1 ) ( v ) } )
h v ( l + 1 ) = σ W · [ h v l h N ( v ) ( l + 1 ) ]
h v ( l + 1 ) n o r = h v ( l + 1 ) h v ( l + 1 ) 2
where l is the number of layers in the aggregation function; N ( v ) represents the result of uniformly sampling the first-order connected nodes of node v; W is the weight matrix; [ · · ] means the concatenation of two variables; σ is the activation function. Equation (7) is the normalization process for the data.

3.2. The Proposed Model

This section presents our proposed model for aircraft sensor fault diagnosis. We first transform the raw sensor measurements into SDIs (Sensor Data Images), which effectively capture the temporal and cross-sensor relationships in the data (Figure 2). Then, we construct graph structures from these SDIs using two complementary approaches: KNN and Radius graphs. Finally, we present an attention-enhanced GraphSage framework that processes these graph structures for fault detection and classification. The overall architecture of our proposed model is shown in Figure 3, which consists of two key components: (1) graph construction from SDIs through KNN and Radius approaches, and (2) an attention mechanism integrated into the GraphSage framework to enable adaptive feature learning. These components work collaboratively to form a comprehensive feature learning architecture, which will be detailed in the following.
The Imagefication-based fault detection and classification approach, as elucidated in [38], is contingent upon the consolidation of sensor data images (SDIs), as illustrated in Figure 2. This process involves the accumulation of measurement data pertaining to all flight states and load factors through simulated or real flight operations. Subsequently, faults are introduced into the measurement data from the ADS and IMU. These data are then subjected to normalization and arranged into a 2D matrix. In this matrix, each row represents the data sequence corresponding to a specific sensor (totaling 15 sensors for 12 flight states and 3 load factors), and each column corresponds to the measurement data of each sensor at a specific point in time (with the number of data points determined by the sampling frequency of 1 Hz and the selected time window Δ T ). The dimensions of the SDI are established as 15 × N , with values within each index subjected to normalization. Consequently, the SDI transforms the data into the format of a grayscale image sized 15 × N , as depicted in Figure 4. In this representation, sensor faults manifest as abnormal regions within the grayscale image, similar to protruding stripes or oscillating noise patterns. This process effectively converts the original sensor fault detection and classification problem into an abnormal object detection and classification task performed on the grayscale SDI. In this paper, the input is an SDI, and the output comprises the fault labels ).
In KNNGraph, for each node, the algorithm identifies the k closest neighbors, which can be represented as the neighbors of node x i (Figure 5).
Ne x i = KNN k , x i , Ψ
where KNN(·) identifies the top-k closest neighbors of node x i in the set Ψ , and k is set to 5 in this paper. Here, Ψ = x i + 1 , x i + 2 , , x i + m refers to a subset containing m samples, and Ne denotes the neighbors associated with node x i .
The edge weight between every node in the KNNGraph can be calculated using a Gaussian kernel weight function, defined as follows:
e i j = exp x i , x j 2 2 ζ 2 , x j Ne x i
where e i j represents the edge weight connecting node x i and node x j , and ζ indicates the bandwidth of the Gaussian kernel.
In RadiusGraph, cosine similarity serves to evaluate the distance between samples, with a defined threshold ϵ . An edge is created between two nodes if their cosine similarity exceeds this threshold, allowing for the identification of neighbors for node x i .
Ne x i = ϵ radius x i , Ψ , if ϵ radius x i , Ψ > ϵ
where ϵ radius ( · ) computes the cosine similarity between node x i and the node in set Ψ , identifying the neighbors of x i . In this paper, the threshold ϵ is set to 0.
On the other hand, a specialized attention mechanism is introduced into the original GraphSage model to adaptively learn the attention weights between node features, in order to better capture important features and achieve fault diagnosis. Given the node feature x and edge index V, the calculation steps of the attention mechanism are as follows:
α i j = Attention x e d g e i j · a w
where a w is the learned attention weight, and x e d g e i j is the feature extracted from the node pairs, representing the connections between node i and its neighbor j.
In order to make the contributions of each node comparable to each other, the obtained attention weights are normalized:
α i = α i j j N ( i ) α j
where N ( i ) represents the set of neighbors of node i, with the value of j N ( i ) α j being 1.
Finally, the fused node features are aggregated and weighted by the following:
h i out = j N ( i ) α i j · e i j
where h i out is the updated node feature representation, which is weighted and summed by multiplying the edge of each neighbor e i j by the corresponding attention score α i j .
By introducing the attention mechanism, the model implements an adaptive neighbor selection strategy through learnable attention weights. This mechanism enables the model to assign different importance scores to neighboring nodes during the information aggregation process, allowing selective emphasis on node features based on their relative importance in the local structure.

4. Experimental Details

4.1. Experimental Environment

The experimental platform operates on Microsoft Windows 10 with an eight-core processor (16 threads) and GTX 3090 graphics card, as detailed in Table 1. The implementation uses Python 3.8 and PyTorch 1.9.0 for constructing and training the proposed model.

4.2. Dataset

Aircraft sensors are responsible for monitoring vital aircraft parameters such as airspeed, attitude angles, and load factors, etc. Extensive literature highlights numerous catastrophic aircraft accidents attributed to sensor faults [2,39]. Nevertheless, the acquisition of aviation sensor data remains both cost-prohibitive and challenging. Consequently, the development of fault detection and classification technology (FDC) for diverse types of sensors between different aircraft is of paramount importance.
The dedicated database, as detailed in Table 2, has been meticulously curated. This database comprises a comprehensive collection of both simulated and real-flight data sourced from four distinct aircraft platforms, namely, a large cargo airplane designated as Y [40], a passenger aircraft designated as B1 [41], a general aviation aircraft designated as D [42,43], and a unmanned simulated aircraft designated as F [44]. These datasets encompass three diverse flight conditions, encompassing high and low altitudes for cruise, as well as low-altitude flight under manual control. Additionally, the database incorporates various control modes, spanning human pilot (manual) control and automated control laws (auto-pilot, AP).
For simulation data, dryden atmospheric disturbances [45] were intentionally introduced to perturb the flight states, followed by the addition of measurement noise to generate the noise-corrupted data. The measurement noise is modeled with an assumption of Gaussian distribution. The standard deviations for the noise associated with each sensor are detailed in Table 3 [35].
Previous research has extensively examined a range of sensor faults, including but not limited to ramp bias, oscillations, and drift. Notably, many aviation accidents have been attributed to the Pitot tube becoming obstructed, leading to airspeed-related issues. Consequently, drift faults (manifesting as measurement loss) are taken into consideration for airspeed sensors. As for angle of attack (AOA) and sideslip angle sensors, potential issues may arise from deflection vanes getting stuck or perturbed by external atmospheric conditions, giving rise to drift (constant bias) and additional noise faults. In the context of IMU sensors, the fault models adhere to the approaches outlined in [8,35,46]. As detailed in Table 4, a total of nine distinct fault cases are explored, each case’s magnitude being specified in accordance with [43]. By combining the normal data, we have established an aircraft sensor fault detection database that encompasses 10 categories.
The implementation of aircraft sensor faults follows an additive approach, where the “clean” data (Case 0 in Table 4) are obtained from real flight or simulations. Subsequently, sensor faults are introduced into the measurement data. Following the methodology outlined in [43], this injection process is executed in a randomized manner. Specifically, for every 60 s interval within the data, fault cases occur randomly at unpredictable moments, with their duration (also randomized) not exceeding 60 s.

4.3. Evaluation Metrics

For the two evaluation metrics (accuracy and F1), Table 5 depicts the correspondence between the predictions of the proposed model and the true labels.
Expanding to the multi-classification tasks (taking n classes as an example), the values of T P (True Positive), F P (False Positive), F N (False Negative), and T N (True Negative) are n-dimensional vectors, where n represents the number of classes in the dataset (in this study, n = 10).
T P = T P 0 T P 1 T P n 1
In Equation (14), each dimension of the vector represents a specific value for a particular class. Assuming there are M samples, for a specific sample S, the true label for the k t h ( k 0 , n 1 ) specific class is denoted as L k , and the predicted class is denoted as P k .
L k = 1 , P k = 1 , then T P k = 1 L k = 0 , P k = 1 , then F P k = 1 L k = 0 , P k = 0 , then T N k = 1 L k = 1 , P k = 0 , then F N k = 1
The T P S for sample S is formed by combining the aforementioned results into a vector.
T P S = T P 0 T P 1 T P n 1
The final result of T P is a vector obtained by summing the results for M samples.
T P = T P 0 + T P 1 + + T P M 1
Using the same calculation steps and methods as the above, F P , F N , and T N can be obtained. The calculation formulas for evaluation metrics ( a c c , p r e c , r e c , and f 1 ) are as follows:
a c c u r a c y = T P + T N T P + T N + F N + F P
F 1 = 2 × p r e c × r e c p r e c + r e c

4.4. Superparameter Comparison Experiment

The 294,144 sample data were collected in the experiment, and will be segmented according to different segmentation lengths in the future. Divide the data into training data and testing data in a 9:1 ratio. The default initialization parameters for model training were as follows: the optimizer was set to SGD with a learning rate of step 0.01, the number of layers in the graph network was set to 3, the batch size was set to 6, and the length of the segmented samples was set to 128. In order to obtain optimized hyperparameter combinations, this paper conducted comparative experiments on the optimizer, graph network layers, and batch size.
Firstly, in order to achieve higher fault diagnosis rates and ensure smoother network training, this paper conducted comparative experiments on three sets of optimizers under different learning rates and strategies. The experimental results are shown in Table 6 and Figure 6. The F1 value was used to evaluate the results of different optimizers, which provided a more comprehensive assessment of model performance. The experimental results indicated that Adam and RMSProp optimizers had higher accuracy in fault diagnosis. However, it is worth noting that RMSProp had a faster convergence speed compared to Adam. Therefore, in the experiment of this paper, the optimizer with RMSProp with exp 0.0001 was chosen as the optimal choice.
In addition, comparative experiments were conducted on the number of layers and batch size of graph networks under different hyperparameter values, and the results are shown in Table 7 and Table 8, respectively. In both hyperparameter experiments, this study conducted five repeated experiments to ensure the reliability of the results. This article visualizes the mean and variance in the statistical results, as shown in Figure 7 and Figure 8, respectively. The experimental results indicate that setting the number of layers in the graph network to 3 and the batch size to 6 will result in more optimized fault diagnosis results.

4.5. Ablation Experiment

In order to verify that the attention weighting proposed in this paper is beneficial for the network to perform fault diagnosis tasks, ablation experiments were conducted in this paper. The results are shown in Table 9. Perform fault diagnosis tasks using models that eliminate attention and models with attention, respectively, under different sample lengths and composition methods. When the sample length was set to 64, 128, and 512, adding attention effectively improved the diagnostic accuracy of the model, reaching up to 7.4%. However, when the sample length was set to 1024, the diagnostic accuracy of the model decreased after adding attention. There are two main reasons. On the one hand, increasing the sample length reduces the number of samples, and the addition of attention makes the model more complex, which can easily lead to overfitting problems. On the other hand, an increase in sample length makes the model more susceptible to the influence of features other than important information, and the addition of attention strengthens this trend.

4.6. Comparison with Other Advanced Experiments

To verify the effectiveness of the proposed model, this paper compared the diagnostic results with other advanced graph network models, including Multi-Layer Perceptron (MLP), Graph Convolutional Network (GCN) [47], Higher-Order Graph Convolutional Network (HoGCN) [48], ChebyNet [49], Simplifying Graph Convolutional Network (SGCN) [50], Graph Attention Network (GAT) [51], and Graph Isomorphism Network (GIN) [52]. The experiment for each model was repeated four times to ensure the reliability of the results. The experimental results (Table 10) indicate that the composition of Radius will be more conducive to improving the diagnostic accuracy of most models. In addition, in sharp contrast to other models, the model proposed in this paper has the highest fault diagnosis performance, which verifies the effectiveness of the proposed model.

4.7. Actual Flight Data Testing

A 78-inch EXTRA 300 NG fixed-wing UAV equipped with CUAV X7+ PRO flight control (CUAV, Guangzhou, China) was used for data collection, as shown in Figure 9. The UAV integrates CUAV C-RTK 9P GPS, SMV-1 Hall principle angle measuring vane, and ADM800 altitude/airspeed meter. Manual flight tests were conducted at low altitude (below 100 m), collecting all 15 SDI variables (3 position coordinates, 3 Euler angles, 3 load factors, 3 angular velocities, and 3 air data states) through onboard sensors. An illustrative plot of the flight data is shown in Figure 10.
A total of 285,572 real-flight data points were obtained through fault injection and data augmentation (linear interpolation was used to align the measurement data of different sensors to ensure the integrity of stacked images). To assess the model’s performance comprehensively, accuracy and F1 value were selected as the evaluation metrics. F1 value, which considers the trade-off between precision and recall, provides a balanced evaluation.
Ultimately, considering detection accuracy, F1 value, model testing time, and comprehensive evaluation indicators, the experimental results are shown in Table 11. The calculation formula for comprehensive evaluation indicators (CEIs) is as follows:
C E I = N ( A ) / N ( T )
where A represents the vector composed of F1 Value, T represents the vector composed of Time, and N represents the maximum and minimum normalization operation. If the value in the T is 0, then the value is equal to 0.001.
The results on actual flight data are shown in Table 11. The ArcNet and MSAE algorithms lack sufficient extraction of coupling information between different signal channels, resulting in a noticeable decrease in accuracy compared to other algorithms. The table shows that CNN+XGBoost and CNN+SVM, although using XGBoost and SVM as classifiers, are sensitive to noise and outliers, leading to reduced accuracy and increased testing time. While the Modified CNN reduces testing time, it comes with the risk of sacrificing accuracy. The CNN+LSTM model, which considers both local and global features of the signals, achieved improved accuracy compared to the original convolutional neural network while further reducing testing time. The deep neural network models demonstrated further improvements in testing accuracy, but their large parameter sizes (all exceeding 10 7 ) and high computational complexity resulted in testing times that exceeded expectations, limiting their applicability in certain scenarios such as edge computing. The proposed model presented in this paper attained superior performance, achieving the highest accuracy while also considering the algorithm’s runtime. This consideration enhances the model’s application performance, making it more suitable for practical implementation.

5. Conclusions

This work proposes an improved GraphSage fault diagnosis method that integrates an attention mechanism to solve the problems of insufficient data representation and insufficient information feature mining in traditional deep learning methods for aircraft sensor fault diagnosis. The method proposed in this paper can utilize the potential information between data and improve the model’s fault identification through the attention mechanism. This work conducted a large number of experiments, first discussing the influence of optimizers, graph network layers, and batch size parameters on the diagnostic results of the model by controlling variables. Secondly, the impact of attention on improving model performance was verified through ablation experiments. Finally, through comparative experiments with other advanced methods, it was verified that the method proposed in this paper can achieve the highest diagnostic accuracy. In addition, the fault diagnosis performance of the model has been validated on real-flight data, and it has a fast calculation speed. In future work, we will further explore the application of graph network technology in complex data representation, especially in aircraft fault data.

Author Contributions

Conceptualization, Z.L. and J.M.; methodology, Z.L.; software, Z.L. and R.F.; validation, Z.L. and R.F.; formal analysis, Z.L.; investigation, R.F.; resources, J.A.; data curation, Y.Z. and Y.D.; writing—original draft preparation, J.M.; writing—review and editing, Z.L. and J.M.; visualization, Z.L.; supervision, Y.D.; project administration, J.A.; funding acquisition, Y.Z. and Y.D. All authors have read and agreed to the published version of the manuscript.

Funding

This research was sponsored by Yiqun Dong: Shanghai Sailing Program (20YF1402500), Natural Science Foundation of Shanghai (22ZR1404500), and Yunmei Zhao: Shanghai Pujiang Program (22PJ1413800).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data are available on request from the authors.

Conflicts of Interest

The authors declare no conflicts of interest.

Abbreviations

TermsFull Name and Explanation
AOAangle of attack
DNNsdeep neural networks
CNNsconvolutional neural networks
AEsautoencoders
RNNsrecurrent neural networks
GNNsgraph neural networks
GCNsgraph convolutional networks
Vvelocity
α angle of attack
β sideslip angle
lthe number of layers in the aggregation function
N ( v ) the result of uniformly sampling the first-order connected nodes of node v
Wweight matrix
σ activation function
KNN(·)the top-k closest neighbors of node x i in the set Ψ
e i j the edge weight connecting node x i and node x j
ζ the bandwidth of the Gaussian kernel
a w the learned attention weight
x e d g e i j the feature extracted from the node pairs
N ( i ) the set of neighbors of node i
h i out the updated node feature representation
CEIcomprehensive evaluation indicators

References

  1. D’Enquêtes, B. D’Analyses pour la sécurité de l’aviation civile. Incid. Transp. AéRien 2012, 4. [Google Scholar]
  2. FAA. FAA Updates on Boeing 737 MAX. 2020. Available online: https://www.faa.gov/news/updates/?newsId=93206 (accessed on 7 October 2020).
  3. Fourlas, G.K.; Karras, G.C. A survey on fault diagnosis methods for UAVs. In Proceedings of the 2021 International Conference on Unmanned Aircraft Systems (ICUAS), Athens, Greece, 15–18 June 2021; IEEE: Piscataway, NJ, USA, 2021; pp. 394–403. [Google Scholar]
  4. Goupil, P.; Boada-Bauxell, J.; Marcos, A.; Cortet, E.; Kerr, M.; Costa, H. AIRBUS efforts towards advanced real-time fault diagnosis and fault tolerant control. IFAC Proc. Vol. 2014, 47, 3471–3476. [Google Scholar] [CrossRef]
  5. Goupil, P. AIRBUS state of the art and practices on FDI and FTC in flight control system. Control Eng. Pract. 2011, 19, 524–539. [Google Scholar] [CrossRef]
  6. Marzat, J.; Piet-Lahanier, H.; Damongeot, F.; Walter, E. Model-based fault diagnosis for aerospace systems: A survey. Proc. Inst. Mech. Eng. Part G J. Aerosp. Eng. 2012, 226, 1329–1360. [Google Scholar] [CrossRef]
  7. Wang, J.; Qi, X. Fault diagnosis for flight control systems using subspace method and adaptive two-stage Kalman filter. Trans. Inst. Meas. Control 2016, 38, 1480–1490. [Google Scholar] [CrossRef]
  8. He, Q.; Zhang, W.; Lu, P.; Liu, J. Performance comparison of representative model-based fault reconstruction algorithms for aircraft sensor fault detection and diagnosis. Aerosp. Sci. Technol. 2020, 98, 105649. [Google Scholar] [CrossRef]
  9. Dewallef, P.; Romessis, C.; Léonard, O.; Mathioudakis, K. Combining classification techniques with Kalman filters for aircraft engine diagnostics. J. Eng. Gas Turbines Power 2006, 128, 281–287. [Google Scholar] [CrossRef]
  10. Marcos, A.; Ganguli, S.; Balas, G. Application of h-infinity fault detection and isolation to a Boeing 747-100/200 aircraft. In Proceedings of the AIAA Guidance, Navigation, and Control Conference and Exhibit, Denver, CO, USA, 14–17 August 2000; p. 4944. [Google Scholar]
  11. Cartocci, N.; Costante, G.; Napolitano, M.R.; Valigi, P.; Crocetti, F.; Fravolini, M.L. PCA methods and evidence based filtering for robust aircraft sensor fault diagnosis. In Proceedings of the 2020 28th Mediterranean Conference on Control and Automation (MED), Saint-Raphael, France, 15–18 September 2020; IEEE: Piscataway, NJ, USA, 2020; pp. 550–555. [Google Scholar]
  12. Heredia, G.; Ollero, A. Detection of sensor faults in small helicopter UAVs using observer/Kalman filter identification. Math. Probl. Eng. 2011, 2011, 174618. [Google Scholar] [CrossRef]
  13. Dong, Y.; Tao, J.; Zhang, Y.; Lin, W.; Ai, J. Deep learning in aircraft design, dynamics, and control: Review and prospects. IEEE Trans. Aerosp. Electron. Syst. 2021, 57, 2346–2368. [Google Scholar] [CrossRef]
  14. van Dinter, R.; Catal, C.; Tekinerdogan, B. A Multi-Channel Convolutional Neural Network approach to automate the citation screening process. Appl. Soft Comput. 2021, 112, 107765. [Google Scholar] [CrossRef]
  15. Wang, L.H.; Zhao, X.P.; Wu, J.X.; Xie, Y.Y.; Zhang, Y.H. Motor fault diagnosis based on short-time Fourier transform and convolutional neural network. Chin. J. Mech. Eng. 2017, 30, 1357–1368. [Google Scholar] [CrossRef]
  16. Dai, T.; Yan, W.; Zhang, K.; Qiu, C.; Zhao, X.; Pan, S. Gated relational stacked denoising autoencoder with localized author embedding for global citation recommendation. Expert Syst. Appl. 2021, 184, 115359. [Google Scholar] [CrossRef]
  17. Mao, W.; He, J.; Li, Y.; Yan, Y. Bearing fault diagnosis with auto-encoder extreme learning machine: A comparative study. Proc. Inst. Mech. Eng. Part C J. Mech. Eng. Sci. 2017, 231, 1560–1578. [Google Scholar] [CrossRef]
  18. Zhu, J.; Jiang, Q.; Shen, Y.; Qian, C.; Xu, F.; Zhu, Q. Application of recurrent neural network to mechanical fault diagnosis: A review. J. Mech. Sci. Technol. 2022, 36, 527–542. [Google Scholar] [CrossRef]
  19. Zhao, H.; Sun, S.; Jin, B. Sequential fault diagnosis based on LSTM neural network. IEEE Access 2018, 6, 12929–12939. [Google Scholar] [CrossRef]
  20. Wei, R.; Jiang, J.; Xu, H.; Zhang, D. Novel topology convolutional neural network fault diagnosis for aircraft actuators and their sensors. Trans. Inst. Meas. Control 2021, 43, 2551–2566. [Google Scholar] [CrossRef]
  21. Toma, R.N.; Piltan, F.; Kim, J.M. A deep autoencoder-based convolution neural network framework for bearing fault classification in induction motors. Sensors 2021, 21, 8453. [Google Scholar] [CrossRef]
  22. Yang, Z.; Gjorgjevikj, D.; Long, J.; Zi, Y.; Zhang, S.; Li, C. Sparse autoencoder-based multi-head deep neural networks for machinery fault diagnostics with detection of novelties. Chin. J. Mech. Eng. 2021, 34, 54. [Google Scholar] [CrossRef]
  23. Mersha, B.W.; Ma, H. Data-Driven Model for Detection, Isolation and Accommodation of Faulty Angle of Attack Sensor Measurements in Fixed Winged Aircraft. In Proceedings of the 2022 34th Chinese Control and Decision Conference (CCDC), Hefei, China, 15–17 August 2022; IEEE: Piscataway, NJ, USA, 2022; pp. 558–564. [Google Scholar]
  24. Zhou, J.; Cui, G.; Hu, S.; Zhang, Z.; Yang, C.; Liu, Z.; Wang, L.; Li, C.; Sun, M. Graph neural networks: A review of methods and applications. AI Open 2020, 1, 57–81. [Google Scholar] [CrossRef]
  25. Wu, L.; Cui, P.; Pei, J.; Zhao, L.; Guo, X. Graph neural networks: Foundation, frontiers and applications. In Proceedings of the 28th ACM SIGKDD Conference on Knowledge Discovery and Data Mining, Washington, DC, USA, 14–18 August 2022; pp. 4840–4841. [Google Scholar]
  26. Chen, M.; Wei, Z.; Huang, Z.; Ding, B.; Li, Y. Simple and deep graph convolutional networks. In Proceedings of the International Conference on Machine Learning, PMLR, Virtual, 13–18 July 2020; pp. 1725–1735. [Google Scholar]
  27. Ruiz, L.; Gama, F.; Ribeiro, A. Gated graph recurrent neural networks. IEEE Trans. Signal Process. 2020, 68, 6303–6318. [Google Scholar] [CrossRef]
  28. Fan, S.; Wang, X.; Shi, C.; Lu, E.; Lin, K.; Wang, B. One2multi graph autoencoder for multi-view graph clustering. In Proceedings of the Web Conference 2020, Taipei, Taiwan, 20–24 April 2020; pp. 3070–3076. [Google Scholar]
  29. Liang, F.; Qian, C.; Yu, W.; Griffith, D.; Golmie, N. Survey of graph neural networks and applications. Wirel. Commun. Mob. Comput. 2022, 2022, 9261537. [Google Scholar] [CrossRef]
  30. Shi, Y.; Wang, B.; Yu, Y.; Tang, X.; Huang, C.; Dong, J. Robust anomaly detection for multivariate time series through temporal GCNs and attention-based VAE. Knowl.-Based Syst. 2023, 275, 110725. [Google Scholar] [CrossRef]
  31. Xie, L.; Pi, D.; Zhang, X.; Chen, J.; Luo, Y.; Yu, W. Graph neural network approach for anomaly detection. Measurement 2021, 180, 109546. [Google Scholar] [CrossRef]
  32. Xiao, J.; Yang, L.; Zhong, F.; Chen, H.; Li, X. Robust anomaly-based intrusion detection system for in-vehicle network by graph neural network framework. Appl. Intell. 2023, 53, 3183–3206. [Google Scholar] [CrossRef]
  33. Qiu, X.; Xu, Y. Reinforced graph regularization fault diagnosis network integrating multisensor rolling bearing data. Trans. Inst. Meas. Control. 2024, 01423312241280994. [Google Scholar] [CrossRef]
  34. Nelson, R.C. Flight Stability and Automatic Control; WCB/McGraw Hill: New York, NY, USA, 1998; Volume 2. [Google Scholar]
  35. Van Eykeren, L.; Chu, Q. Sensor fault detection and isolation for aircraft control systems by kinematic relations. Control Eng. Pract. 2014, 31, 200–210. [Google Scholar] [CrossRef]
  36. Henaff, M.; Bruna, J.; LeCun, Y. Deep convolutional networks on graph-structured data. arXiv 2015, arXiv:1506.05163. [Google Scholar]
  37. Wu, Z.; Pan, S.; Chen, F.; Long, G.; Zhang, C.; Philip, S.Y. A comprehensive survey on graph neural networks. IEEE Trans. Neural Netw. Learn. Syst. 2020, 32, 4–24. [Google Scholar] [CrossRef] [PubMed]
  38. Zhao, Y.; Zhao, H.; Ai, J.; Dong, Y. Robust Data-Driven Fault Detection: An Application to Aircraft Air Data Sensors. Int. J. Aerosp. Eng. 2022, 2022, 918458. [Google Scholar] [CrossRef]
  39. Bureau d’Enquetes et d’Analyses Pour la Securite de L’aviation Civile, Paris, France. Report 3: On the Accident on 1 June 2009 to the Airbus a330–203 Registered f-gzcp Operated by Air France Flight af 447 Rio de Janeiro–Paris. 2011. Available online: https://aaiu.ie/foreign_reports_fr/final-report-accident-to-airbus-a330-203-registered-f-gzcp-air-france-af-447-rio-de-janeiro-paris-1st-june-2009/ (accessed on 21 September 2020).
  40. Dong, Y.; Zhang, Y.; Ai, J. Full-altitude attitude angles envelope and model predictive control-based attitude angles protection for civil aircraft. Aerosp. Sci. Technol. 2016, 55, 292–306. [Google Scholar] [CrossRef]
  41. Höhndorf, L.; Siegel, J.; Sembiring, J.; Koppitz, P.; Holzapfel, F. Reconstruction of aircraft states during landing based on quick access recorder data. J. Guid. Control Dyn. 2017, 40, 2393–2398. [Google Scholar] [CrossRef]
  42. Dong, Y. An application of deep neural networks to the in-flight parameter identification for detection and characterization of aircraft icing. Aerosp. Sci. Technol. 2018, 77, 34–49. [Google Scholar] [CrossRef]
  43. Dong, Y. Implementing Deep Learning for comprehensive aircraft icing and actuator/sensor fault detection/identification. Eng. Appl. Artif. Intell. 2019, 83, 28–44. [Google Scholar] [CrossRef]
  44. Li, Z.; Zhang, Y.; Ai, J.; Zhao, Y.; Yu, Y.; Dong, Y. A Lightweight and Explainable Data-driven Scheme for Fault Detection of Aerospace Sensors. IEEE Trans. Aerosp. Electron. Syst. 2023, 59, 8392–8410. [Google Scholar] [CrossRef]
  45. Department of Defense. Flying Qualities of Piloted Aircraft. 1997. Available online: https://engineering.purdue.edu/~andrisan/Courses/AAE490F_S2008/Buffer/mst1797.pdf (accessed on 20 October 2020).
  46. Ariola, M.; Mattei, M.; Notaro, I.; Corraro, F.; Sollazzo, A. An SFDI observer–based scheme for a general aviation aircraft. Int. J. Appl. Math. Comput. Sci. 2015, 25, 149–158. [Google Scholar] [CrossRef]
  47. Kipf, T.N.; Welling, M. Semi-supervised classification with graph convolutional networks. arXiv 2016, arXiv:1609.02907. [Google Scholar]
  48. Morris, C.; Ritzert, M.; Fey, M.; Hamilton, W.L.; Lenssen, J.E.; Rattan, G.; Grohe, M. Weisfeiler and leman go neural: Higher-order graph neural networks. In Proceedings of the AAAI Conference on Artificial Intelligence, Honolulu, HI, USA, 27 January–1 February 2019; Volume 33, pp. 4602–4609. [Google Scholar]
  49. Defferrard, M.; Bresson, X.; Vandergheynst, P. Convolutional neural networks on graphs with fast localized spectral filtering. Adv. Neural Inf. Process. Syst. 2016, 29, 3844–3852. [Google Scholar]
  50. Wu, F.; Souza, A.; Zhang, T.; Fifty, C.; Yu, T.; Weinberger, K. Simplifying graph convolutional networks. In Proceedings of the International Conference on Machine Learning, PMLR, Long Beach, CA, USA, 9–15 June 2019; pp. 6861–6871. [Google Scholar]
  51. Veličković, P.; Cucurull, G.; Casanova, A.; Romero, A.; Lio, P.; Bengio, Y. Graph attention networks. arXiv 2017, arXiv:1710.10903. [Google Scholar]
  52. Xu, K.; Hu, W.; Leskovec, J.; Jegelka, S. How powerful are graph neural networks? arXiv 2018, arXiv:1810.00826. [Google Scholar]
  53. Wang, Y.; Hou, L.; Paul, K.C.; Ban, Y.; Chen, C.; Zhao, T. ArcNet: Series AC arc fault detection based on raw current and convolutional neural network. IEEE Trans. Ind. Inform. 2021, 18, 77–86. [Google Scholar] [CrossRef]
  54. Shao, H.; Xia, M.; Wan, J.; de Silva, C.W. Modified stacked autoencoder using adaptive Morlet wavelet for intelligent fault diagnosis of rotating machinery. IEEE/ASME Trans. Mechatronics 2021, 27, 24–33. [Google Scholar] [CrossRef]
  55. Xie, J.; Li, Z.; Zhou, Z.; Liu, S. A novel bearing fault classification method based on XGBoost: The fusion of deep learning-based features and empirical features. IEEE Trans. Instrum. Meas. 2020, 70, 1–9. [Google Scholar] [CrossRef]
  56. Shao, H.; Xia, M.; Han, G.; Zhang, Y.; Wan, J. Intelligent fault diagnosis of rotor-bearing system under varying working conditions with modified transfer convolutional neural network and thermal images. IEEE Trans. Ind. Inform. 2020, 17, 3488–3496. [Google Scholar] [CrossRef]
  57. Et-taleby, A.; Chaibi, Y.; Allouhi, A.; Boussetta, M.; Benslimane, M. A combined convolutional neural network model and support vector machine technique for fault detection and classification based on electroluminescence images of photovoltaic modules. Sustain. Energy Grids Netw. 2022, 32, 100946. [Google Scholar] [CrossRef]
  58. Zhao, J.; Yang, S.; Li, Q.; Liu, Y.; Gu, X.; Liu, W. A new bearing fault diagnosis method based on signal-to-image mapping and convolutional neural network. Measurement 2021, 176, 109088. [Google Scholar] [CrossRef]
  59. Huang, T.; Zhang, Q.; Tang, X.; Zhao, S.; Lu, X. A novel fault diagnosis method based on CNN and LSTM and its application in fault diagnosis for complex systems. Artif. Intell. Rev. 2022, 55, 1289–1315. [Google Scholar] [CrossRef]
  60. Schneider, P.; Rambach, J.; Mirbach, B.; Stricker, D. Unsupervised anomaly detection from time-of-flight depth images. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, New Orleans, LA, USA, 18–24 June 2022; pp. 231–240. [Google Scholar]
  61. Kumar, P.; Hati, A.S. Deep convolutional neural network based on adaptive gradient optimizer for fault detection in SCIM. ISA Trans. 2021, 111, 350–359. [Google Scholar] [CrossRef]
Figure 1. The algorithm flow of GraphSage (colored arrows represent the relationships between nodes).
Figure 1. The algorithm flow of GraphSage (colored arrows represent the relationships between nodes).
Sensors 25 00809 g001
Figure 2. Illustrative depictions of the SDI are presented. On the (left), flight records (V, α , β ) are collected from real or simulated flights. Faults are intentionally introduced into the data, and a time window ( Δ T ) is applied to segment the data, which is subsequently down-sampled to 1 Hz. In the (middle), the segmented and down-sampled data are concatenated into a matrix. On the (right), this matrix undergoes linear normalization, ensuring values fall within the 0∼1 range along each row. The SDI stacking procedure encompasses all 12 flight states and 3 load factors, resulting in the creation of a 15 × N SDI grayscale image, where N represents the number of samples determined by Δ T .
Figure 2. Illustrative depictions of the SDI are presented. On the (left), flight records (V, α , β ) are collected from real or simulated flights. Faults are intentionally introduced into the data, and a time window ( Δ T ) is applied to segment the data, which is subsequently down-sampled to 1 Hz. In the (middle), the segmented and down-sampled data are concatenated into a matrix. On the (right), this matrix undergoes linear normalization, ensuring values fall within the 0∼1 range along each row. The SDI stacking procedure encompasses all 12 flight states and 3 load factors, resulting in the creation of a 15 × N SDI grayscale image, where N represents the number of samples determined by Δ T .
Sensors 25 00809 g002
Figure 3. The proposed GraphSage-Attention model.
Figure 3. The proposed GraphSage-Attention model.
Sensors 25 00809 g003
Figure 4. (a) The sideslip angle ( β ¯ ) drift fault emerges during the time interval from 21 s to 31 s; (b) the fault is visually represented as a protruding strip within the SDI; (c) an illustration of extra noise in the AOA sensor ( α ¯ ) on the SDI, with the middle row exhibiting the presence of noise; (d) for the no-fault case, the SDI, where each row and column evolves in accordance with Equations (1)∼(3), does not exhibit any abnormal regions in the image.
Figure 4. (a) The sideslip angle ( β ¯ ) drift fault emerges during the time interval from 21 s to 31 s; (b) the fault is visually represented as a protruding strip within the SDI; (c) an illustration of extra noise in the AOA sensor ( α ¯ ) on the SDI, with the middle row exhibiting the presence of noise; (d) for the no-fault case, the SDI, where each row and column evolves in accordance with Equations (1)∼(3), does not exhibit any abnormal regions in the image.
Sensors 25 00809 g004
Figure 5. The calculation processes of the KNNGraph and RadiusGraph (numbers 1–9 represent different data segments on the time series).
Figure 5. The calculation processes of the KNNGraph and RadiusGraph (numbers 1–9 represent different data segments on the time series).
Sensors 25 00809 g005
Figure 6. Comparative experimental results of optimizer and learning parameters.
Figure 6. Comparative experimental results of optimizer and learning parameters.
Sensors 25 00809 g006
Figure 7. Comparative experiment results of graph network layers.
Figure 7. Comparative experiment results of graph network layers.
Sensors 25 00809 g007
Figure 8. Comparative experiment results of batch size.
Figure 8. Comparative experiment results of batch size.
Sensors 25 00809 g008
Figure 9. Configurations of the UAV adopted in this paper.
Figure 9. Configurations of the UAV adopted in this paper.
Sensors 25 00809 g009
Figure 10. An illustrative plot of the real-flight data.
Figure 10. An illustrative plot of the real-flight data.
Sensors 25 00809 g010
Table 1. Hardware configurations in the experiments.
Table 1. Hardware configurations in the experiments.
ComponentModel
CPU processor11th Gen Intel (R) Core (TM) i9-11900K
Memory32 GB
Graphics card modelNVIDIA GeForce RTX 3090
Graphics card memory40 GB
Table 2. Overview of aircraft sensor fault database used in this paper.
Table 2. Overview of aircraft sensor fault database used in this paper.
AircraftConfiguration OverviewQualitySpanData SourcesFlight ConditionData Duration
YMilitary transport aircraft41 t38 mFlight simulationLow altitude, cruise, AP295 min
B1Civil aviation airliner174 t59.6 mFlight simulationLow altitude, free flight, manual151 min
DGeneral aviation aircraft3.1 t19.8 mFlight simulationHigh altitude, cruise, AP162 min
FUnmanned simulated aircraft--Real flight--
Table 3. Sensor noises used in the database.
Table 3. Sensor noises used in the database.
SensorStandard DeviationUnit
V m 0.1 [m/s]
{ α , β } m 0.1 [deg]
{ G x , G y , G z } m 0.01 [g]
{ p , q , r } m 0.01 [deg/s]
{ ψ , θ , ϕ } m 0.01 [deg]
{ x , y , z } m 1[m]
Table 4. Aircraft sensor fault cases adopted in this paper.
Table 4. Aircraft sensor fault cases adopted in this paper.
CaseSensorFault TypeMagnitude *
9 { G x , G y , G z } m extra noise0.1∼0.3 g
8 { w x , w y , w z } m extra noise5∼10°/s
7 { G x , G y , G z } m drift±(0.1∼0.3 g)
6 { w x , w y , w z } m drift±(5∼10°/s)
5 β m extra noise5∼10°
4 β m drift±(5∼10°)
3 α m extra noise5∼10°
2 α m drift±(5∼10°)
1 V m drift−(50∼100%)
0clean measurement with noises and disturbances, no fault
* Noise standard deviation and drift values defined in this column.
Table 5. Confusion matrix of predictions and labels.
Table 5. Confusion matrix of predictions and labels.
Predictions (Positive)Predictions (Negative)
Labels (Positive)TPFN
Labels (Negative)FPTN
Table 6. Comparative experiment of optimizer and learning parameters.
Table 6. Comparative experiment of optimizer and learning parameters.
ParameterStep 0.01Step 0.001Step 0.0001Exp 0.01Exp 0.001Exp 0.0001
Optimizer
SGD0.9240.8870.8240.9530.8650.79
Adam0.930.9430.9070.9170.9360.878
RMSprop-0.9550.944-0.9120.959
Table 7. Comparative experiment results of graph network layers.
Table 7. Comparative experiment results of graph network layers.
Layers12345
Times
10.9540.940.9750.9520.96
20.9520.9550.9550.9660.972
30.9580.9570.9680.9120.918
40.9520.9560.9340.9520.922
50.9560.9620.970.9750.977
Average of F10.9540.9540.960.9510.95
Standard deviation of F10.0020.0070.0140.0220.025
Table 8. Comparative experiment results of batch size.
Table 8. Comparative experiment results of batch size.
Batch24567
Times
10.670.9470.9650.9670.158
20.690.9050.9110.9690.663
30.6630.8990.9370.9370.523
40.5710.9280.90.9140.964
50.5750.9670.9280.9660.324
Average of F10.6340.9290.9280.9510.526
Standard deviation of F10.05040.02550.02250.02180.278
Table 9. Ablation experimental results of attention.
Table 9. Ablation experimental results of attention.
Sample Length641285121024
Methods
KNNWithout attention0.8920.8480.9410.943
With attention0.9390.8710.9630.933
Increase in F10.0470.0230.022−0.010
RadiusWithout attention0.8400.9180.9140.961
With attention0.9140.9740.9580.951
Increase in F10.0740.0560.044−0.010
Table 10. Comparative experiments with other advanced models.
Table 10. Comparative experiments with other advanced models.
MLPGCNHoGCNChebyNetSGCNGATGINGraphSage-Attention
KNN0.8640.5030.9070.8070.4930.8990.8860.928
0.8650.50.9060.8260.5280.8940.8910.923
0.8650.5150.9060.8150.4940.8980.8870.925
0.860.4690.9020.7850.4840.8950.8760.923
Average of F10.8640.50.9050.8080.50.8970.8850.925
Radius0.9040.6810.860.8380.6560.9180.9360.987
0.9050.7140.8620.8450.690.9220.9370.988
0.9020.6810.8620.8340.6550.9170.9350.987
0.9020.6880.860.8330.6610.9180.9350.987
Average of F10.9030.6910.8610.8380.6660.9190.9360.987
Table 11. Experimental results of comparative methods.
Table 11. Experimental results of comparative methods.
 MethodsAccuracyF1 ValueTime (s)CEI
1ArcNet [53]60.9456.220.20
2MSAE [54]67.1964.040.642.25
3CNN+XGBoost [55]78.1378.833.511.08
4Modified CNN [56]84.3884.310.865.83
5CNN+SVM [57]85.9486.056.790.73
6CNN [58]89.0789.271.115.21
7CNN+LSTM [59]90.6390.321.015.95
8Transformer [60]93.7593.665.251.19
9ADG-dCNN [61]95.3195.241.843.62
10GraphSage-Attention97.8097.200.071000
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.

Share and Cite

MDPI and ACS Style

Li, Z.; Ma, J.; Fan, R.; Zhao, Y.; Ai, J.; Dong, Y. Aircraft Sensor Fault Diagnosis Based on GraphSage and Attention Mechanism. Sensors 2025, 25, 809. https://doi.org/10.3390/s25030809

AMA Style

Li Z, Ma J, Fan R, Zhao Y, Ai J, Dong Y. Aircraft Sensor Fault Diagnosis Based on GraphSage and Attention Mechanism. Sensors. 2025; 25(3):809. https://doi.org/10.3390/s25030809

Chicago/Turabian Style

Li, Zhongzhi, Jinyi Ma, Rong Fan, Yunmei Zhao, Jianliang Ai, and Yiqun Dong. 2025. "Aircraft Sensor Fault Diagnosis Based on GraphSage and Attention Mechanism" Sensors 25, no. 3: 809. https://doi.org/10.3390/s25030809

APA Style

Li, Z., Ma, J., Fan, R., Zhao, Y., Ai, J., & Dong, Y. (2025). Aircraft Sensor Fault Diagnosis Based on GraphSage and Attention Mechanism. Sensors, 25(3), 809. https://doi.org/10.3390/s25030809

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop