• <tr id="yyy80"></tr>
  • <sup id="yyy80"></sup>
  • <tfoot id="yyy80"><noscript id="yyy80"></noscript></tfoot>
  • 99热精品在线国产_美女午夜性视频免费_国产精品国产高清国产av_av欧美777_自拍偷自拍亚洲精品老妇_亚洲熟女精品中文字幕_www日本黄色视频网_国产精品野战在线观看 ?

    Aircraft engine fault detection based on grouped convolutional denoising autoencoders

    2019-02-27 08:59:18XuyunFUHuiLUOShishengZHONGLinLIN
    CHINESE JOURNAL OF AERONAUTICS 2019年2期

    Xuyun FU,Hui LUO,Shisheng ZHONG,,*,Lin LIN

    aDepartment of Mechanical Engineering,Harbin Institute of Technology at Weihai,Weihai 264209,China

    bSchool of Mechatronics Engineering,Harbin Institute of Technology,Harbin 150001,China

    Abstract Many existing aircraft engine fault detection methods are highly dependent on performance deviation data that are provided by the original equipment manufacturer.To improve the independent engine fault detection ability,Aircraft Communications Addressing and Reporting System(ACARS)data can be used.However,owing to the characteristics of high dimension,complex correlations between parameters,and large noise content,it is difficult for existing methods to detect faults effectively by using ACARS data.To solve this problem,a novel engine fault detection method based on original ACARS data is proposed.First,inspired by computer vision methods,all variables were divided into separated groups according to their correlations.Then,an improved convolutional denoising autoencoder was used to extract the features of each group.Finally,all of the extracted features were fused to form feature vectors.Thereby,fault samples could be identified based on these feature vectors.Experiments were conducted to validate the effectiveness and efficiency of our method and other competing methods by considering real ACARS data as the data source.The results reveal the good performance of our method with regard to comprehensive fault detection and robustness.Additionally,the computational and time costs of our method are shown to be relatively low.

    KEYWORDS Aircraft engines;Anomaly detection;Convolutional Neural Network(CNN);Denoising autoencoder;Engine health management;Fault detection

    1.Introduction

    With the development of civil aviation,the safety,reliability,and efficiency of the aircraft engine have received considerable attention.Engine fault detection is an important process of improving the abovementioned metrics,and can help managers allocate monitoring resources more reasonably,improve the safety and reliability of every flight,establish a scientifically based maintenance scheme,and achieve the maximum reduction of operation and maintenance costs.1

    Generally,engine fault detection methods can be divided into model-based methods and data-driven methods.Modelbased methods can establish a mathematical engine model on the basis of the engine's operation mechanisms.These methods have the advantage of a good fault detection model,which can detect abrupt faults and gradual performance degradation.Moreover,the fault detection results are interpretable.However,these methods have obvious shortcomings.First,the complex nonlinearity and uncertainties of the engine pose tremendous modelling difficulties.2Second,the establishment of an engine model requires a large amount of expertise and unavailable design parameters.

    With the development of Machine Learning(ML),big data,and computational power,great attention has been paid to data-driven methods,which can overcome the various shortcomings of model-based methods.First,ML methods,and deep learning methods in particular,are good at modeling complex nonlinear dynamic systems.Additionally,such methods do not rely much on expertise and unavailable design parameters.However,data-driven methods also have their limitations because they depend heavily on large amounts of historical data.Typically,the established model is a black box,which makes the explanation of the fault mechanisms difficult.Based on the above analysis and the current research situation,a data-driven method is investigated in this study.

    Many existing data-driven engine fault detection methods depend on performance deviation data.3-6However,such data are provided by the Original Equipment Manufacturer(OEM),and airlines have to pay high fees to acquire them.If the collaboration between the airlines and the OEM ends owing to various unpredictable reasons,it will become difficult for the airlines to acquire the performance deviation data and detect the engine faults effectively.Thereby,this may lead to unsafe flight incidents and enormous financial losses.

    To improve the ability of independent engine fault detection,a type of condition monitoring data that can replace the performance deviation data is required.In this regard,the Aircraft Communications Addressing and Reporting System(ACARS)data are a good choice.However,ACARS data are different to the performance deviation data in several aspects.Fig.1 shows a comparison between smoothed performance deviation parameters and original ACARS parameters during the cruise phase.Firstly,as shown in Fig.1,the ACARS data often have a higher dimension than the performance deviation data.Secondly,the performance deviation data can eliminate the influences of working conditions and ambient environment,and thus the status of an engine can be indicated more clearly in such data.In contrast,ACARS data are largely affected by the working conditions and ambient environment.Therefore,the fault patterns often hide in the complex variation of multiple parameters.Finally,ACARS data typically contain a lot of noise,which can influence the analysis results.

    ACARS data typically contain more information about the engine's status in comparison with performance deviation data.If the ACARS data can be processed by appropriate methods,the obtained fault detection results may be better than the results obtained by methods based on performance deviation data.However,the characteristics of high dimension,complex correlations between parameters,and excessive noise content,also present challenges with regard to fault detection in the ACARS data.In previous studies,3-5fault detection methods based on performance deviation data were proposed.Although these methods achieved good fault detection results with the performance deviation data,they cannot be applied to fault detection in the more complicated ACARS data.Various studies have validated the methods with data generated by engine simulation models.7-9However,real ACARS data depend on the working conditions and ambient environment,and thus real ACARS data always have lower quality and higher complexity in comparison with simulated data.In some studies,10,11the number of used parameters was small.Therefore,their methods cannot be applied to the high-dimensional ACARS data.In summary,most existing engine fault detection methods cannot process ACARS data effectively.

    Fig.1 Comparison between smoothed performance deviation parameters and original ACARS parameters.

    The Convolutional Auto Encoder(CAE),which has received extensive attention in recent years,has achieved good results in many high-dimensional and complex pattern recognition problems.Some studies have used the CAE to extract the hierarchical representations of images and applied it to image classification problems.12,13One study took the spatial and temporal attributes of video sequences into consideration and proposed a spatial-temporal CAE to classify the video sequences.14Another study used the CAE to learn motion manifolds and applied it to animation problems.15In another study,16page segmentation was defined as a pixel labeling problem,and the CAE was used to learn the features from the pixel intensities.Finally,a study has used the CAE to detect and classify the electricity transmission line faults.17However,the considered dataset only had a dimension of six.

    Inspired by the abovementioned studies,a novel and effective engine fault detection method based on the ACARS data is proposed.This method can achieve good fault detection results without requiring a large amount of labeled data,while keeping the computational and time costs relatively low.The proposed method does not require much expertise and data preprocessing work.First,instead of extracting features from all of the variables in the ACARS data directly,the variables are divided into several groups according to their correlations.Then,unsupervised feature learning is carried out independently for each variable group,and the feature weights are reshaped as convolution kernels.Subsequently,a convolutional feature mapping and pooling operation is performed on each variable group to extract features.Finally,all of the variable groups' features are fused to form the feature vectors.The Support Vector Machine(SVM)method is used to identify faults based on the feature vectors.Experiments with real ACARS data of a certain type of civil aircraft engine were conducted to validate the effectiveness of our method.The experimental results reveal that our method outperformed competing fault detection methods.Additionally,our method requires less parameters and has faster computational speed.In summary,the experiments reveal the superiority of our method.With these advantages,our method can be applied to real-world scenarios.

    This paper is organized as follows.In Section 2,the technical framework and main technical solutions of our method are described.In Section 3,the experiments conducted with real ACARS data are discussed and the experimental results are presented for the purpose of comparing the effectiveness of our method with that of competing methods.In Section 4,several conclusions are drawn and future research directions are discussed.

    2.Methodology

    CAE has been used to simultaneously process all variables in a multivariate time series.17However,if CAE is used to process ACARS data,it may face several problems such as local features being covered up,decreased feature representation ability,high model complexity,and enormous computational and time costs.

    To resolve these issues,a novel engine fault detection method based on original ACARS data is proposed.The method introduces a variable grouping operation,namely,grouping multiple variables according to their correlations.After the variable grouping,the input dimension is reduced and the correlations between the input variables are simplified.The weak correlations between the parameters are ignored,while the strong correlations are strengthened.More robust and representative features can be learned from each variable group through an unsupervised approach.Additionally,after the variable grouping,the number of parameters and calculation complexity reduce to a great extent.

    The technical framework of our method is shown in Fig.2.In Fig.2,ZALT is the altitude,ZXM is the Mach number,ZPOIL is the oil pressure,ZTOIL is the oil temperature,tandTis the time index and the length of the parameter series,respectively.Wijandis the weight in theith row and thejth column of the convolutional kernel.The width of convolutional kernel isd.Ciandis theith element in the vector after convolution,Piandis theith element in the vector after pooling.The length of the vector after convolution isf,and the length of the vector after pooling isg.The main technical solutions are as follows:(A)grouping the ACARS variables according to their correlations;(B)acquiring the convolutional kernels of every variable group through unsupervised feature learning;(C)implementing the convolutional feature mapping and pooling operation for every variable group individually;(D)fusing the extracted features to form feature vectors and using SVM to identify faults based on the feature vectors.

    2.1.Grouping of ACARS variables

    In the computer vision domain,because the pixels in a patch are closely related,the unsupervised feature learning of convolutional kernels is usually implemented in patches.12,13Inspired by this,the ACARS variables were grouped according to their correlations.Closely related variables were placed in the same group,while weakly related variables were placed in separate groups.K-means clustering,independent variable group analysis,and Agglomerative Independent Variable Group Analysis(AIVGA)are common variable grouping methods.In our study,the AIVGA method was chosen as the method to group the ACARS variables because it can determine the optimal number of groups automatically and run relatively fast.

    It is assumed that the ACARS dataset is represented as X= [x1,x2,···,xm],and xi= [xi(1),xi(2),···,xi(T)]Tis the time series for one of the variables.The length of the time series isT.The objective of the AIVGA algorithm is to find a partition ofmvariables tondisjoint subsetsG= {Gi|i=1,2,...,n},and that partition should maximize the sum of the marginal log-likelihoods of the modelsHifor the different groups.18θiare the parameters of the modelsHi.To approximate the marginal log-likelihoods,the variation Bayes approximationsqi(θi) were fitted to the posteriorsp( θi|XGi,Hi)of different groups' models.During the model fitting process,the cost functionCwas minimized as follows:

    whereDKL(q||p)is the Kullback-Leibler divergence betweenqandp.

    The relationship between the cost function and the mutual information can be expressed as

    Fig.2 Schematic diagram of proposed technical framework.

    whereH(x)represents the entropy of the random vector x,andIG(x)represents the mutual information related to theGgrouping.

    2.2.Unsupervised learning of convolutional kernels

    2.2.1.Advantages of training denoising autoencoders in groupsThe sparse coding,Denoising Auto Encoder(DAE),and restricted Boltzmann machine,are three commonly used unsupervised feature learning models.The DAE model is powerful in extracting robust and representative features,and is also easy to construct.The dropout technique can be used to regularize the DAE model.Therefore,in this study,the DAE model with dropout was used to extract the features of the ACARS data.

    The extracted features were a set of functions of all the variables considered by previous methods.Thus,the extracted features of the ACARS data can be expressed as

    wherefrepresents the functions of the extracted features.

    In our method,every DAE is individually trained on a certain variable group.Therefore,the number of DAEs is equal to the number of variable groups.The extracted features are a set of functions of the variables in the same group.Assuming that all variables in the ACARS data can be divided into the variable groupsG1andG2,the extracted features of the ACARS data can be expressed as

    wheref1andf2are the functions of the extracted features in variable groupsG1andG2,respectively.

    The convolutional kernels are trained on each variable group instead of being trained on all variables.This operation has at least two advantages.Most importantly,the extracted features can better represent the distribution space of the ACARS data because the transformation of large-scale problems into sub-problems is typically effective in increasing the compactness of the models.In some studies,18,19all variables were divided into several subsets according to their correlations,and the model of each subset was developed independently.The experiments described below reveal that a more compact and efficient model can be developed in this way.

    Furthermore,the number of network parameters and time complexity can be reduced to a great extent.Assuming that the length and dimension of the ACARS data segment arelandm,respectively,the input dimension of the DAE model isml.To prevent the extracted features from losing an excessive amount of original information,the number of hidden layer nodes is typically slightly less than the input dimension.Thus,the number of the hidden layer nodes wasml-s1(s1<<ml).If all of the variables in the ACARS data were divided equally intongroups,the dimension of the input in every DAE model would beml/n,and the number of hidden layer nodes would beml/n-s2(n<<ml,s2<<ml/n).A comparison between Chen's method16and our method is presented in Table 1.

    The ratio of the total number of parameters in the two methods is as follows:

    The total number of parameters and the time complexity of our method were approximately equal to 1/nof Chen's method.Therefore,our method can not only increase the computational speed,but also assist in the implementation of parallel network training.It has been proven that parallel training can break the performance limits of single equipment,train a larger-scale network,and achieve higher accuracy in a classification task.20

    2.2.2.Learning convolutional kernels through DAE

    The DAE model can only take one-dimensional vectors as input.Therefore,every ACARS segment is first transformed into aone-dimensional vector A=[ZALT(t),ZXM(t),ZPOIL(t),ZTOIL(t),...](t=1,2,···,T).The schematic diagram of the convolutional kernel's unsupervised feature learning is shown in Fig.3.

    In Fig.3,A represents the original input data,whilerepresents the corrupted input data.The masking corruption method,which is used in our study,forces a λ fraction of the randomly chosen samples to be zero.Through a stochastic functionsf(·),the corruption of A tois expressed as

    Table1 Comparison between Chen's method and our method.

    where σ is the nonlinear sigmoid activation function,W is the weight matrix,and b is the bias vector between the input layer and the hidden layer.

    Dropout is an effective model regularization technique.During the training process,dropout generated a 0-1 random number vector bv,which followed a Bernoulli distribution with a probabilityd.Moreover,is a scalar product of bvand h,and is defined as

    where Z is a reconstruction version of A,W′is the weight matrix,and b′is the bias vector between the hidden layer and the output layer.

    The training objective of the DAE is to bring Z as close to A as possible.The objective functionJof the DAE is defined as

    wherevis the number of training samples,is squared Frobenius norm,nhis the number of hidden layer nodes,ρ is the sparsity parameter,is the average activation of thejth hidden layer node with regard to all input nodes,and α and β are the weights of the corresponding terms.

    The optimal parameters Wopt,bopt,,can be achieved by minimizing the objective functionJ,which is expressed as

    Then,Woptis reshaped as the convolutional kernel kopt,and boptis used as a bias vector in the convolutional feature mapping.

    2.3.Convolutional feature mapping and pooling

    Most ML models can only take one-dimensional vectors as input.Thus,the input data have to be transformed into vectors before being imported into the models.However,the vectorization process may lose information regarding the correlations between the input variables.Convolutional Neural Networks(CNN)can process the ACARS data without vectorization and accept both the information about the variables and the information about the variable correlations.A comparison between most ML models and CNN is shown in Fig.4.

    Fig.3 Schematic diagram of convolutional kernel's unsupervised feature learning.

    Fig.4 Comparison between most ML models and CNN.

    Fig.5 Comparison between fully connected network and CNN.

    Sparse interaction is a unique property of the CNN.In a CNN,each hidden layer node is only connected to a portion of the input layer nodes,as shown in Fig.5.In comparison with a fully connected network,a CNN can be more sensitive to local variations.Therefore,the CNN can extract local features more effectively in comparison with fully connected networks.This property makes CNN very suitable for fault detection in the ACARS data segment.The input layer shown in Fig.5 contains the fault nodex1(red),and the four normal nodesx2,x3,x4,andx5.In a fully connected network,the hidden layer nodeh1is connected tox1,x2,x3,x4,andx5;the activation degree of the hidden layer nodesh1,h2,andh3is low,and the fault pattern indicated inx1is covered up.In a CNN,h1is only connected tox1,x2,andx3;h1is largely activated,and the fault is detected.

    In addition to capturing local features,the CNN can also greatly reduce the number of parameters and time complexity.Assuming that the input layer and the hidden layer haverandsnodes,respectively,a fully connected network will have(r+1)sparameters and a time complexity ofO(rs+s).In a CNN,every node in a hidden layer is only connected to thec(c<<r)nodes in the input layer,the number of parameters is(c+1)s,and the time complexity isO(cs+s).The ratio of the number of parameters in the two types of networks is(r+1)/(c+1).In Fig.5,the number of parameters in a fully connected network and in a CNN is 18 and 12,respectively.

    In addition to the sparsity interaction,parameter sharing is another important property of the CNN,and means that every node in the same hidden layer has the same weights and biases,as shown in Fig.6.This not only reduces the number of parameters,but also replaces the matrix multiplication with a convolution operation,which improves the computational speed.

    In this study,the sliding window method was used to generate the ACARS data segments.The length and dimension of the sliding window werelwandu,respectively.When the window reached theith column of the ACARS time series,an ACARS data segment was generated.The start and end points of the segment werepiandpi+lw-1,respectively.When the window moved forward by one step,the start and end point of the new segment becamepi+1andpi+lw,respectively.The window kept moving forward in the ACARS time series,as shown in Fig.7.

    The convolution operation was implemented independently for each variable group.Note that the ACARS data required normalization prior to the convolution operation,because the convolutional kernels were trained on normalized ACARS data.Assuming that the length of the convolutional kernel islk,the convolutional feature map fm∈ R1×(lw-lk+1)was achieved by convolving the ACARS segment seg∈ Ru×lwwith the convolutional kernel kopt∈ Ru×lk.The calculation formula is expressed as21

    where*is the convolution operation symbol.

    The pooling operation can make the extracted features local translation invariant,which is very useful for fault detection in the ACARS segment because we are not considering the position of faults,but rather whether a fault has occurred in the segment.Additionally,the pooling operation can select significant features,reduce the feature dimension,and increase the computational efficiency.Several pooling methods have been proposed,e.g.,max pooling,average pooling,spatial pyramid pooling,stochastic pooling,andL2pooling.22-24

    Similar to the convolution operation,the pooling operation is implemented individually for every variable group's convolutional feature maps.After the pooling operation,every variable group's pooling features are transformed into vectors.Then,the vectors are combined to form the feature vectors of each sample.The SVM is a powerful method for solving classification problems under the conditions of small sample size,nonlinearity,and high dimensionality.Therefore,the SVM was used to identify the fault segments in the ACARS data.

    3.Results and discussion

    Experiments with real ACARS data were conducted to compare the fault detection performance of our method against the performance of several competing methods.Moreover,an analysis of and discussion based on the experimental results are presented.

    3.1.Dataset preparation

    Different types of engines may exhibit discrepant operation characteristics.To eliminate the differences as much as possible,all data were collected from the ACARS of the CFM56-7B26 engines.Typically,the OEM sends Customer Notification Reports(CNRs)to the airlines to help them detect engine faults.The CNRs record the abnormal shifts of engine performance deviation data and infer the types of faults.Thus,the CNRs are used to label the ACARS data.The recorded ACARS parameters of the CFM56-7B26 engines are listed in Table 2.

    According to the CNRs,all of the selected engines experienced at least one fault event.The fault events could be categorized into several types:Exhaust Gas Temperature(EGT)indication fault,Fuel Flow(FF)indication fault,Total Air Temperature(TAT)sensor indication fault,core deterioration fault,and fan imbalance fault.During the period of shifts,the ACARS data were treated as fault samples,while the ACARS data before the shifts were treated as normal samples.A total of 18,530 unlabeled samples were used to group the variables,and for the unsupervised feature learning of the convolutional kernels.Additionally,5749 normal samples and 857 fault samples were used to train and test the SVM.

    Fig.6 Schematic diagram of parameter sharing.

    Fig.7 Sliding window generated ACARS data segment.

    Table 2 Recorded ACARS parameters of CFM56-7B26 engines.

    Each flight cycle is divided into five phases:takeoff,climb,cruise,descend,and landing.The engine had five types of working conditions according to the above flight phases.The acquired ACARS data only included the data recorded during the takeoff,climb,and cruise phases.Because the ambient environment and engine status were relatively stable during the cruise phase,the cruise data were smooth and contained less noise.Additionally,faults occurring under other working conditions are usually evident in the cruise data.Thus,only the cruise data were used in the experiments.

    In every flight,one data point was recorded during each phase.In our study,because only the cruise data were used,the data sampling period was one time per flight.The airplanes usually operated for three to five flight cycles per day.Thus,the sampling period in the experiment was three to five times per day.

    3.2.Experimental procedures

    The experiments were conducted according to the steps described below.

    (1)Grouping of ACARS variables

    The AIVGA algorithm accepted normalized unlabeled data as input.The variable grouping results are shown in

    Fig.8.

    The graph shown in the left part of Fig.8 is the dendrogram of the variable grouping results.The graph shows the group results in each step,and the dashed line represents the optimal cutting position.The right graph is the cost with regard to different group numbers.Obviously,the cost is minimal when the number of variable groups is equal to four.Table 3 presents the optimal group results with regard to the ACARS parameters.

    (2)Building DAE model

    One DAE was trained for each variable group.A toolbox for deep learning was used to develop the DAE model.25The determination of the DAE model's hyperparameters was mainly based on basic principles and many experiments.The hyperparameters of each DAE are listed in Table 4.

    (3)Convolutional feature mapping and pooling

    The length of each ACARS segment was 30.The max pooling method was chosen after a large number of experiments.The best results were obtained when the pooling dimension was equal to five.

    (4)Support vector machine

    The powerful LIBSVM toolbox was adopted in the experiment.26The SVM parameters are shown in Table 5.

    Fig.8 Variable grouping results.

    Table 3 Optimal group results for ACARS parameters.

    The given data were divided into training and test sets.Owing to the limited number of samples,a five-fold crossvalidation approach was adopted to select the best model.Therefore,the number of training samples and test samples for the SVM was 5284 and 1322,respectively.

    (5)Selection of evaluation indices

    The dataset that was used in our experiment was severely unbalanced.In this situation,the precision,recall,and F1 scores were considered to be good indicators of the fault detection performance.The equations used to calculate them can be found in the Ref.27.

    All algorithms were implemented in MATLAB R2010b,with a computer system that comprised two Intel Core i5 (2.3 GHz)CPUs with8 GB RAM and Windows10 Professional.

    Table 5 SVM parameters.

    3.3.Experimental results and discussion

    Table 6 shows the average of a five-fold cross-validation of the experimental results.In Table 6,CDAE is the abbreviation of Convolutional Denoising Auto Encoder.

    As shown in Table 6,the SVM achieved the best fault detection results on training data,but the worst results on test data.This occurred because the dimension of the samples was too high,and a large redundancy existed between the parameters.These two factors led to over fitting when the SVM method was used.By adding the DAE before the SVM,the dimension of the features was reduced.Moreover,the redundancy and noise in the data were partially eliminated.Thus,the second method achieved better results with the test set,in comparison with the results obtained by the first method.

    Table 4 Hyperparameters of each DAE.

    Because sparsity interaction networks are good at extracting the local features of data,the latter three methods performed better in fault detection,in comparison with the former two methods.The boxplots of the latter three methods' precision,recall,and F1 scores with the test set are shown in Fig.9(a)-(c),respectively.

    In Fig.9(a)-(c),it can be seen that even though our method has slightly inferior precision,it outperforms the other two methods with regard to both the recall and F1 scores.In comparison with the precision and recall scores,the F1 score is a better indicator of the comprehensive fault detection performance.Therefore,our method has the best comprehensive fault detection performance among the latter three methods.Moreover,in the engineering practice of engine health management,the recall is always more important than the precision.Even though slightly lower precision may increase the workload,slightly lower recall will decrease the flight safety.Undoubtedly,in most cases,safety is always more important.Therefore,in comparison with the other two methods,the proposed method is more suitable for the engineering practice of engine health management.

    Some methods described in the literature are good at extracting image representations.12,13However,the structure of the ACARS time series and the images are discriminative.Generally,the shorter the distance is between the pixels in an image,the stronger the correlations are.However,the above rule can only apply to the time axis of an ACARS time series,and the correlations between the variables have nothing to do with their distance.Thus,this method did not perform well in our experiments.

    In comparison with Chen's method,17our method introduces a variable grouping operation,and the process of feature extraction is performed independently on each variable group.Thereby,the features extracted from the variable groups can better represent the distribution spaces of the ACARS data.Therefore,our method has better comprehensive fault detection performance,in addition to being more robust.

    A comparison between our method and Chen's method with regard to the computational time and number of parameters is presented in Table 7.The number of parameters in our method(four variable groups)was approximately equal to one quarter of the number of parameters in Chen's method,as presented in Table 2.In Table 7,the total computational time means the time spent on conducting the five-fold crossvalidation experiments.Obviously,the time cost of our method is less than that of Chen's method.Moreover,the results agree with the theoretical analysis in Section 2.As we can see,the single test time of our method was 2.92 s(with 1322 samples).Thus,our method can meet the real time pro-cess requirements and can potentially be used in engineering practice.

    Fig.9 Boxplots of three methods' precision,recall and F1 score with test set.

    Table 6 Average of five-fold cross-validation of experimental results.

    Table 7 Computational time and number of parameters.

    4.Conclusions

    (1)Most of the existing aircraft engine fault detection methods are based on performance deviation data provided by the OEM.To improve independent engine fault detection,this study proposed a novel aircraft engine fault detection method based on original ACARS data.The proposed method achieved good fault detection results without depending on the OEM.

    (2)Previous convolutional autoencoder models cannot be adapted to high-dimensional ACARS data.Thus,a grouped convolutional denoising autoencoder model was proposed in this study.This model could extract more representative and robust features from ACARS data,and was also able to reduce the computational and time costs.Finally,our method does not require much expertise and data preprocessing.With these advantages,our method can be applied to real world scenarios.In engineering practice,an SVM and several CNN models can be trained off line with historical data.After the SVM and CNN models have been established,the engine fault detection can be conducted online to detect certain fault types which occurred in historical data.

    (3)Experiments with real ACARS data of CFM56-7B26 engines were conducted to validate the effectiveness of our method.The results reveal that our method has superior comprehensive fault detection performance and robustness,in comparison with competing methods.Therefore,it is more suitable for practical engine health management applications.Additionally,the number of parameters and the computational time in our method are much less than those of the existing convolutional autoencoder method.17

    (4)Fault detection is just the first step in our research.The ACARS data provide us with abundant engine status information that can be used for research purposes.Therefore,in future work,we plan to collect more comprehensive fault cases to locate the fault source and estimate the fault situation.Moreover,we are interested in modifying our method to make it adapt to Quick Access Recorder(QAR)data.In comparison with the ACARS data,QAR data have a much shorter sampling interval and much larger number of parameters.These two characteristics make the QAR data more suitable for the detection of aircraft engine faults.However,fault detection based on QAR data remains a challenging research subject.

    Acknowledgements

    This work was co-supported by the Key Program of National Natural Science Foundation of China(No.U1533202),the Civil Aviation Administration of China(No.MHRD20150104)and Shandong Independent Innovation and Achievements Transformation Fund(No.2014CGZH1101).

    黄色配什么色好看| 中国国产av一级| 久久精品国产综合久久久 | 国产有黄有色有爽视频| 亚洲伊人久久精品综合| 卡戴珊不雅视频在线播放| 韩国av在线不卡| 极品少妇高潮喷水抽搐| 久久久久久久久久久免费av| 国产一区二区在线观看日韩| 免费观看性生交大片5| 日韩一区二区三区影片| 深夜精品福利| 国产精品无大码| 一级毛片电影观看| 国产乱来视频区| 久久这里有精品视频免费| 99视频精品全部免费 在线| 国产欧美日韩综合在线一区二区| 精品少妇久久久久久888优播| 亚洲五月色婷婷综合| 夜夜爽夜夜爽视频| 日本黄大片高清| 国产成人免费观看mmmm| 9色porny在线观看| 在线观看www视频免费| 考比视频在线观看| 男的添女的下面高潮视频| 精品久久蜜臀av无| 一本久久精品| 国产xxxxx性猛交| 全区人妻精品视频| 日韩中文字幕视频在线看片| 在现免费观看毛片| 久久精品aⅴ一区二区三区四区 | 69精品国产乱码久久久| 国产免费视频播放在线视频| 国产精品蜜桃在线观看| 国产白丝娇喘喷水9色精品| 99香蕉大伊视频| 人人妻人人添人人爽欧美一区卜| 在线亚洲精品国产二区图片欧美| 久久久国产精品麻豆| 26uuu在线亚洲综合色| 91在线精品国自产拍蜜月| 亚洲av综合色区一区| 亚洲人成网站在线观看播放| 日本色播在线视频| 久久久久久久精品精品| 中文乱码字字幕精品一区二区三区| 国产在视频线精品| 啦啦啦中文免费视频观看日本| 啦啦啦视频在线资源免费观看| 一级毛片我不卡| 最近的中文字幕免费完整| 在线观看www视频免费| 超碰97精品在线观看| 激情视频va一区二区三区| 欧美丝袜亚洲另类| 国产午夜精品一二区理论片| 午夜老司机福利剧场| 亚洲美女搞黄在线观看| 中文字幕人妻丝袜制服| 九色成人免费人妻av| 精品一区二区三区视频在线| 18+在线观看网站| 亚洲精品日韩在线中文字幕| 亚洲精品久久午夜乱码| 乱人伦中国视频| 尾随美女入室| av.在线天堂| 熟女电影av网| 国产成人精品无人区| 一区在线观看完整版| 日韩av免费高清视频| 啦啦啦视频在线资源免费观看| 免费黄色在线免费观看| 亚洲精品一区蜜桃| 蜜桃在线观看..| 久久女婷五月综合色啪小说| 日本-黄色视频高清免费观看| 少妇高潮的动态图| 色94色欧美一区二区| 永久免费av网站大全| 街头女战士在线观看网站| 日韩制服骚丝袜av| 精品久久国产蜜桃| 中文字幕av电影在线播放| 水蜜桃什么品种好| 卡戴珊不雅视频在线播放| 久久免费观看电影| 看非洲黑人一级黄片| 日韩制服骚丝袜av| 美女xxoo啪啪120秒动态图| 久久人人爽av亚洲精品天堂| 国精品久久久久久国模美| 欧美性感艳星| 18禁在线无遮挡免费观看视频| av女优亚洲男人天堂| 青春草国产在线视频| 亚洲精品一区蜜桃| 日韩成人伦理影院| 伦理电影大哥的女人| a级毛片在线看网站| 99香蕉大伊视频| 九色成人免费人妻av| 亚洲国产最新在线播放| 免费看av在线观看网站| 精品人妻一区二区三区麻豆| 亚洲精品一二三| 天堂中文最新版在线下载| 国产国拍精品亚洲av在线观看| 97人妻天天添夜夜摸| 18禁国产床啪视频网站| 精品一区二区免费观看| 久久精品夜色国产| videosex国产| 大片电影免费在线观看免费| 欧美亚洲日本最大视频资源| 亚洲第一区二区三区不卡| 国产激情久久老熟女| 9热在线视频观看99| 赤兔流量卡办理| 成人手机av| 黄色毛片三级朝国网站| 午夜免费观看性视频| av在线观看视频网站免费| 国精品久久久久久国模美| 十八禁高潮呻吟视频| 亚洲欧美精品自产自拍| 有码 亚洲区| 99久久综合免费| 亚洲精品一区蜜桃| 色网站视频免费| av免费观看日本| 丝袜美足系列| av视频免费观看在线观看| 欧美亚洲 丝袜 人妻 在线| 啦啦啦中文免费视频观看日本| 高清在线视频一区二区三区| 婷婷色麻豆天堂久久| 天堂8中文在线网| 天天躁夜夜躁狠狠躁躁| 亚洲av欧美aⅴ国产| 青春草亚洲视频在线观看| 欧美亚洲日本最大视频资源| 日本黄大片高清| 久久久久人妻精品一区果冻| 亚洲伊人色综图| 亚洲欧美精品自产自拍| 最近中文字幕高清免费大全6| 日日啪夜夜爽| 欧美亚洲 丝袜 人妻 在线| 日日摸夜夜添夜夜爱| 欧美精品高潮呻吟av久久| 日韩一本色道免费dvd| 欧美性感艳星| 亚洲国产精品国产精品| 久久99精品国语久久久| 日韩免费高清中文字幕av| 国产精品国产av在线观看| 99香蕉大伊视频| 欧美 亚洲 国产 日韩一| 赤兔流量卡办理| av福利片在线| 午夜激情av网站| 日韩,欧美,国产一区二区三区| 一级毛片 在线播放| 久久精品夜色国产| 插逼视频在线观看| 午夜免费鲁丝| 国产亚洲精品第一综合不卡 | 国产亚洲精品久久久com| 成人午夜精彩视频在线观看| 国产精品久久久久久久电影| 日本色播在线视频| 欧美最新免费一区二区三区| 啦啦啦啦在线视频资源| www.av在线官网国产| 亚洲国产精品专区欧美| av不卡在线播放| 久久国产精品男人的天堂亚洲 | 国产激情久久老熟女| 大香蕉97超碰在线| 日韩电影二区| 日本免费在线观看一区| av又黄又爽大尺度在线免费看| 夜夜骑夜夜射夜夜干| 国产乱人偷精品视频| 老司机影院毛片| 国产精品无大码| 亚洲情色 制服丝袜| 麻豆乱淫一区二区| 国产不卡av网站在线观看| 男女啪啪激烈高潮av片| 少妇的丰满在线观看| 黄片播放在线免费| 春色校园在线视频观看| 在线亚洲精品国产二区图片欧美| 人妻一区二区av| 男女边摸边吃奶| 精品久久蜜臀av无| 精品久久久精品久久久| 国产欧美日韩一区二区三区在线| 国产成人一区二区在线| 纵有疾风起免费观看全集完整版| av片东京热男人的天堂| av国产精品久久久久影院| 在线观看一区二区三区激情| 精品国产一区二区久久| 亚洲人与动物交配视频| 国产有黄有色有爽视频| 少妇猛男粗大的猛烈进出视频| 国产淫语在线视频| 99热网站在线观看| 飞空精品影院首页| 欧美日韩成人在线一区二区| 国产 精品1| videosex国产| 伦理电影免费视频| 黄色 视频免费看| 99国产精品免费福利视频| 欧美日韩av久久| 精品亚洲成国产av| 91精品三级在线观看| 天天操日日干夜夜撸| 精品久久久久久电影网| 久久 成人 亚洲| 麻豆乱淫一区二区| 免费观看av网站的网址| 亚洲综合色惰| videossex国产| 99久久人妻综合| 性高湖久久久久久久久免费观看| 制服诱惑二区| 两个人看的免费小视频| 国产69精品久久久久777片| 九草在线视频观看| 亚洲欧洲日产国产| 久久久a久久爽久久v久久| 中文欧美无线码| 久久久久网色| 香蕉丝袜av| 色视频在线一区二区三区| 成人综合一区亚洲| 女人精品久久久久毛片| 久热久热在线精品观看| 成人手机av| 久久久久精品性色| 日本-黄色视频高清免费观看| 久久精品久久精品一区二区三区| 免费在线观看完整版高清| 国产精品人妻久久久影院| 久久久久久人人人人人| 黄片无遮挡物在线观看| 韩国av在线不卡| 精品熟女少妇av免费看| 最后的刺客免费高清国语| 在线精品无人区一区二区三| 国产精品一区二区在线不卡| 久久狼人影院| 国产成人免费观看mmmm| 亚洲伊人色综图| 波多野结衣一区麻豆| 午夜激情av网站| 国产av码专区亚洲av| av在线播放精品| 亚洲人成网站在线观看播放| 一边亲一边摸免费视频| 在线观看一区二区三区激情| 一级毛片 在线播放| 飞空精品影院首页| 亚洲熟女精品中文字幕| 在线观看www视频免费| 欧美精品一区二区大全| 久久精品国产综合久久久 | 高清av免费在线| 亚洲av在线观看美女高潮| 日本与韩国留学比较| 精品一区二区三区视频在线| 制服丝袜香蕉在线| 春色校园在线视频观看| 九九在线视频观看精品| 日韩欧美精品免费久久| 国产精品一区二区在线观看99| 两个人看的免费小视频| 久久毛片免费看一区二区三区| 777米奇影视久久| 亚洲精品一区蜜桃| 极品人妻少妇av视频| 亚洲精品中文字幕在线视频| 日本与韩国留学比较| 水蜜桃什么品种好| 国产精品 国内视频| 高清欧美精品videossex| 90打野战视频偷拍视频| 亚洲精品久久午夜乱码| 国产在线视频一区二区| 啦啦啦中文免费视频观看日本| 亚洲欧美成人精品一区二区| 国产亚洲欧美精品永久| 新久久久久国产一级毛片| 69精品国产乱码久久久| 久久精品久久久久久久性| a级毛片在线看网站| 老司机亚洲免费影院| 九九在线视频观看精品| 午夜福利影视在线免费观看| 在线天堂最新版资源| 黄色毛片三级朝国网站| 女性生殖器流出的白浆| 毛片一级片免费看久久久久| 成人亚洲精品一区在线观看| 少妇猛男粗大的猛烈进出视频| 精品少妇黑人巨大在线播放| 色视频在线一区二区三区| 欧美老熟妇乱子伦牲交| 久久热在线av| 18禁国产床啪视频网站| 久久热在线av| 99国产精品免费福利视频| 亚洲av电影在线观看一区二区三区| 精品国产一区二区三区四区第35| 欧美精品国产亚洲| 欧美精品高潮呻吟av久久| 亚洲av.av天堂| 国产欧美日韩一区二区三区在线| 久久久久精品久久久久真实原创| 久久久久久久国产电影| 成人国产麻豆网| 美女视频免费永久观看网站| 亚洲熟女精品中文字幕| 中文字幕亚洲精品专区| 看非洲黑人一级黄片| 美女视频免费永久观看网站| 久久精品国产自在天天线| 亚洲成人一二三区av| 大香蕉久久成人网| 国产成人欧美| 99香蕉大伊视频| 欧美 日韩 精品 国产| 亚洲熟女精品中文字幕| 中文字幕制服av| 亚洲色图 男人天堂 中文字幕 | 天天操日日干夜夜撸| 色婷婷久久久亚洲欧美| av网站免费在线观看视频| 国产老妇伦熟女老妇高清| 亚洲欧美一区二区三区黑人 | 成年女人在线观看亚洲视频| 色哟哟·www| 国产色婷婷99| 国产精品欧美亚洲77777| h视频一区二区三区| 自拍欧美九色日韩亚洲蝌蚪91| 精品亚洲成国产av| 最近最新中文字幕免费大全7| 老熟女久久久| 亚洲av.av天堂| 男女午夜视频在线观看 | 少妇被粗大的猛进出69影院 | 国产成人精品一,二区| 日韩三级伦理在线观看| 天天影视国产精品| 国产亚洲午夜精品一区二区久久| 少妇被粗大的猛进出69影院 | 国产色婷婷99| 夫妻午夜视频| 宅男免费午夜| 日本av手机在线免费观看| 色5月婷婷丁香| 9色porny在线观看| 岛国毛片在线播放| 丝袜美足系列| 免费女性裸体啪啪无遮挡网站| 大香蕉97超碰在线| 高清黄色对白视频在线免费看| 在线 av 中文字幕| a级毛片在线看网站| 侵犯人妻中文字幕一二三四区| 精品人妻偷拍中文字幕| 麻豆乱淫一区二区| 日韩中字成人| 亚洲av在线观看美女高潮| 日本vs欧美在线观看视频| 精品亚洲成a人片在线观看| 亚洲一级一片aⅴ在线观看| 在线观看人妻少妇| 午夜久久久在线观看| 午夜视频国产福利| 精品第一国产精品| 欧美日本中文国产一区发布| 美女内射精品一级片tv| 日本免费在线观看一区| a 毛片基地| 一级,二级,三级黄色视频| 一二三四在线观看免费中文在 | 久久久久视频综合| 国产精品一区www在线观看| 精品国产一区二区三区久久久樱花| www.熟女人妻精品国产 | 观看av在线不卡| 老司机影院成人| 色94色欧美一区二区| 美女xxoo啪啪120秒动态图| 夜夜爽夜夜爽视频| 精品国产一区二区久久| 免费看av在线观看网站| 午夜福利网站1000一区二区三区| 日韩中文字幕视频在线看片| 久久久久久人人人人人| 丝袜人妻中文字幕| 免费日韩欧美在线观看| 人人妻人人澡人人爽人人夜夜| 亚洲情色 制服丝袜| 久久这里有精品视频免费| 最近最新中文字幕免费大全7| 女的被弄到高潮叫床怎么办| 国产女主播在线喷水免费视频网站| 久久韩国三级中文字幕| 中文字幕另类日韩欧美亚洲嫩草| 色婷婷久久久亚洲欧美| 蜜臀久久99精品久久宅男| 超碰97精品在线观看| 国产欧美日韩综合在线一区二区| 免费黄频网站在线观看国产| 国产精品免费大片| 久久亚洲国产成人精品v| 欧美日韩视频高清一区二区三区二| 精品少妇黑人巨大在线播放| 久久精品国产综合久久久 | 性色av一级| 久久99蜜桃精品久久| 中文字幕亚洲精品专区| 亚洲一级一片aⅴ在线观看| 青春草视频在线免费观看| 狂野欧美激情性xxxx在线观看| 久久久久久久久久成人| 丝袜美足系列| 欧美精品一区二区大全| 亚洲成人一二三区av| 一区二区av电影网| 免费人成在线观看视频色| 自拍欧美九色日韩亚洲蝌蚪91| 另类亚洲欧美激情| 亚洲色图综合在线观看| 人体艺术视频欧美日本| 亚洲人与动物交配视频| 日韩中字成人| 亚洲国产毛片av蜜桃av| 国产精品一区二区在线不卡| 久久久久久久久久久免费av| 在线 av 中文字幕| 香蕉国产在线看| 乱人伦中国视频| 在线观看三级黄色| 午夜福利,免费看| 国产成人免费无遮挡视频| 肉色欧美久久久久久久蜜桃| 最近2019中文字幕mv第一页| 成人黄色视频免费在线看| 韩国精品一区二区三区 | 亚洲国产精品999| 日日爽夜夜爽网站| 中文字幕人妻丝袜制服| 人妻系列 视频| 国产极品粉嫩免费观看在线| 国产一区有黄有色的免费视频| 欧美另类一区| 亚洲国产日韩一区二区| 亚洲四区av| 亚洲一区二区三区欧美精品| 亚洲精品国产av蜜桃| 各种免费的搞黄视频| 国产成人午夜福利电影在线观看| 大香蕉久久成人网| 国产爽快片一区二区三区| 黑人高潮一二区| 久久久欧美国产精品| 国产1区2区3区精品| 熟女电影av网| 麻豆乱淫一区二区| 久久这里只有精品19| 成年女人在线观看亚洲视频| 久久久久久久精品精品| 免费观看在线日韩| 建设人人有责人人尽责人人享有的| 观看av在线不卡| 久久久久久久亚洲中文字幕| 久久久久人妻精品一区果冻| 黑丝袜美女国产一区| 九色亚洲精品在线播放| av福利片在线| 美女中出高潮动态图| 日韩成人av中文字幕在线观看| 精品国产露脸久久av麻豆| 久久久久国产精品人妻一区二区| 免费在线观看黄色视频的| 夜夜爽夜夜爽视频| 亚洲精品久久午夜乱码| 永久网站在线| 国产69精品久久久久777片| 99热网站在线观看| 国产精品不卡视频一区二区| 日韩欧美精品免费久久| 汤姆久久久久久久影院中文字幕| 亚洲国产精品国产精品| 亚洲欧洲精品一区二区精品久久久 | 各种免费的搞黄视频| 亚洲欧美成人精品一区二区| 丰满少妇做爰视频| 亚洲精品乱码久久久久久按摩| 晚上一个人看的免费电影| 亚洲精品色激情综合| 熟女av电影| 一级毛片我不卡| 汤姆久久久久久久影院中文字幕| av黄色大香蕉| 成人漫画全彩无遮挡| 精品国产露脸久久av麻豆| 国产日韩欧美视频二区| 我的女老师完整版在线观看| 午夜福利,免费看| 婷婷色综合www| 日本与韩国留学比较| 国产亚洲av片在线观看秒播厂| 制服人妻中文乱码| 久久国产精品大桥未久av| 99热6这里只有精品| 日韩制服骚丝袜av| 宅男免费午夜| 高清欧美精品videossex| 中文欧美无线码| 国产一区有黄有色的免费视频| 人人澡人人妻人| 成年美女黄网站色视频大全免费| 在线观看www视频免费| 亚洲精品乱久久久久久| 99re6热这里在线精品视频| 我要看黄色一级片免费的| 国产精品无大码| 天天影视国产精品| 91在线精品国自产拍蜜月| 天天操日日干夜夜撸| 男人舔女人的私密视频| 国产精品三级大全| 老司机影院毛片| 国产精品国产三级国产专区5o| 桃花免费在线播放| 日韩成人伦理影院| 国内精品宾馆在线| 日本色播在线视频| 秋霞伦理黄片| videossex国产| 亚洲精品,欧美精品| 国产一区有黄有色的免费视频| 日本av手机在线免费观看| 午夜福利网站1000一区二区三区| 精品99又大又爽又粗少妇毛片| 有码 亚洲区| 久久女婷五月综合色啪小说| a级毛色黄片| 国产欧美另类精品又又久久亚洲欧美| 日本黄色日本黄色录像| 精品一区二区三区视频在线| 少妇人妻 视频| 97超碰精品成人国产| 午夜老司机福利剧场| 制服诱惑二区| h视频一区二区三区| 好男人视频免费观看在线| 亚洲精品,欧美精品| 国产日韩欧美在线精品| 国产1区2区3区精品| 这个男人来自地球电影免费观看 | 精品99又大又爽又粗少妇毛片| 一级毛片电影观看| 熟女电影av网| 国产精品蜜桃在线观看| 一级毛片电影观看| 欧美日韩一区二区视频在线观看视频在线| 欧美3d第一页| 有码 亚洲区| 99视频精品全部免费 在线| 999精品在线视频| 九色成人免费人妻av| 久久国产精品大桥未久av| 妹子高潮喷水视频| 国产激情久久老熟女| 99精国产麻豆久久婷婷| 啦啦啦啦在线视频资源| 亚洲内射少妇av| 大陆偷拍与自拍| 黄色 视频免费看| 免费av中文字幕在线| 大陆偷拍与自拍| 黄色 视频免费看| av一本久久久久| 肉色欧美久久久久久久蜜桃| 纯流量卡能插随身wifi吗| 狂野欧美激情性xxxx在线观看| 天堂中文最新版在线下载| 熟妇人妻不卡中文字幕| 黑人欧美特级aaaaaa片| 中文天堂在线官网| 丁香六月天网| 黄色毛片三级朝国网站| 欧美日韩成人在线一区二区| 国产淫语在线视频| 一级毛片我不卡| av福利片在线| 久久亚洲国产成人精品v| 亚洲国产色片| 国产成人91sexporn| 欧美激情国产日韩精品一区|