Next Article in Journal
High Voltage Ride through Strategy of Wind Farm Considering Generator Terminal Voltage Distribution
Previous Article in Journal
Evaluation of Automated Segmentation Algorithm for Macular Volumetric Measurements of Eight Individual Retinal Layer Thickness
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Fault Diagnosis and Visualization Method for High-Speed Train Based on Edge and Cloud Collaboration

1
Shanghai Advanced Research Institute, Chinese Academy of Sciences, Shanghai 201210, China
2
University of Chinese Academy of Sciences, Beijing 100049, China
*
Authors to whom correspondence should be addressed.
Appl. Sci. 2021, 11(3), 1251; https://doi.org/10.3390/app11031251
Submission received: 9 January 2021 / Revised: 24 January 2021 / Accepted: 26 January 2021 / Published: 29 January 2021

Abstract

:
Safety is the most important aspect of railway transportation. To ensure the safety of high-speed trains, various train components are equipped with sensor devices for real-time monitoring. Sensor monitoring data can be used for fast intelligent diagnosis and accurate positioning of train faults. However, existing train fault diagnosis technology based on cloud computing has disadvantages of long processing times and high consumption of computing resources, which conflict with the real-time response requirements of fault diagnosis. Aiming at the problems of train fault diagnosis in the cloud environment, this paper proposes a train fault diagnosis model based on edge and cloud collaboration. The model first utilizes a SAES-DNN (stacked auto-encoders deep neural network) fault recognition method, which can integrate automatic feature extraction and type recognition and complete fault classification over deep hidden features in high-dimensional data, so as to quickly locate faults. Next, to adapt to the characteristics of edge computing, the model applies a SAES-DNN model trained in the cloud and deployed in the edge via the transfer learning strategy and carries out real-time fault diagnosis on the vehicle sensor monitoring data. Using a motor fault as an example, when compared with a similar intelligent learning model, the proposed intelligent fault diagnosis model can greatly improve diagnosis accuracy and significantly reduce training time. Through the transfer learning approach, adaptability of the fault diagnosis algorithm for personalized applications and real-time performance of the fault diagnosis is enhanced. This paper also proposes a visual analysis method of train fault data based on knowledge graphs, which can effectively analyze fault causes and fault correlation.

1. Introduction

The fault diagnosis of high-speed trains is crucial for ensuring train safety, diagnosing faults on site, and reducing maintenance costs [1]. Research on intelligent fault diagnosis technology has become an important part of high-speed railway technology development. As a kind of advanced technology and complex-structure technical equipment, high-speed trains utilize numerous electronic components and equipment for complex information processing. Thanks to the rapid development of sensor technology, the railway industry has collected a large amount of train monitoring data. The core of high-speed train intelligent maintenance technology is a fault diagnosis method based on train monitoring data [2]. With the rapid development of artificial intelligence, the theory of fault diagnosis based on artificial intelligence has been of great interest to many scholars [3].
To perform high-speed train fault diagnosis, fault characteristics are studied by detecting the parameters of on-board component sensors [4]. Based on large-scale historical monitoring data, the use of deep learning for fault feature extraction is an effective fault diagnosis method for high-speed rails [5]. However, the current use of machine learning for fault diagnosis possesses certain problems, such as long processing times and high demand for computing resources. Therefore, it is necessary to optimize and learn the diagnosis model according to big data obtained from train monitoring. For trains with a single car body, it is crucial to deploy the fault diagnosis model on the edge, which will help predict and identify faults, diagnose current train operation faults in real time and provide fault location [6]. With the continuous development of Internet of things technology, edge computing, cloud computing and monitoring technology, we can combine these to develop a train running condition monitoring system based on edge cloud collaboration computing. This system will send on-site train running status data to the edge computing and cloud service center in real time for analysis. The data preprocessing will be done via edge computing, and in-depth analysis and additional tasks will be completed by the cloud service center [7]. Transfer learning will then be applied to distribute the trained model to the edge end, and the edge end will be used for fault identification, which will ensure the timeliness of fault diagnosis.
At the same time, the offline monitoring data access and data analysis platform can be used for fault correlation analysis and fault category frequency analysis. Considering the visual view effect of fault analysis, the potential application value is mined from various data, which can build a more intelligent, efficient and accurate fault analysis system, and provide a basis for high-speed train health assessment.
This paper mainly explores the intelligent fault diagnosis method and high-speed train applications based on intelligent edge computing [8]. Aiming at the problems of slow calculations, poor accuracy and weak anti-interference in fault diagnosis, this paper proposes a novel real-time fault diagnosis method for high-speed trains, which is suitable for the edge deployment of single car bodies and real-time diagnosis of current running fault conditions.

2. Related Work

High-speed trains are a type of equipment utilizing advanced technology and complex structures. Safety is the top priority in high-speed railway operation [1], which can be achieved through train fault diagnosis and prediction [9]. High-speed train fault diagnosis methods can be divided into manual diagnosis, automatic test equipment (ATE) diagnosis and built-in test equipment (BITE) diagnosis. Most existing mechanical fault diagnosis technologies need extensive professional knowledge to judge and select the appropriate features in the feature extraction process [10], which requires highly skilled technicians. Additionally, many unpredictable factors exist in the mechanical operation process, making fault diagnosis even more complex. Furthermore, current technology in manual intervention fault diagnosis has great limitations, which poses another problem [3]. The ATE and BITE fault diagnosis methods are both based on equipment status. With the development of artificial intelligence and deep learning [11], machine learning has become a popular method for learning effective internal features from train operation data for fault recognition, realizing the entire intelligence process from fault feature learning to classification, reducing human intervention as much as possible, and completing train fault diagnosis in an intelligent and effective manner.
Much research has been done on high-speed train fault diagnosis methods. Fault diagnosis research based on evidence theory applies the improved DS(Dempster Shafer Theory) [12] method to trains for component fault feature extraction, which can effectively solve the fault diagnosis problems of multi-type sensors or data source fusion [13,14]. Empirical mode decomposition (EMD) train fault diagnosis [15,16,17,18] and feature dimension reduction [19,20] can greatly improve the reliability of train equipment and reduce manual maintenance costs. However, due to the strong reliability of high-speed train systems, there is limited fault data on train equipment. With the development of artificial intelligence, numerous intelligent diagnosis methods have emerged, of which intelligent algorithms for small samples have been widely utilized in high-speed train fault diagnosis. HMM (Hidden Markov Model) has also been utilized [21,22], in which a Markov chain is used to describe data changes and differences between Markov chains to achieve fault diagnosis. However, small data discrepancies cause the Markov chain to vary, so the generalization and robustness of an HMM-based train fault diagnosis method is very low. At present, a large number of scholars have introduced machine learning algorithms into high-speed train fault diagnosis. Fault diagnosis research based on support vector machines [4,23,24] uses SVM (Support Vector Machine) to train fault classifiers, which can effectively improve diagnosis accuracy. In neural-network–based fault diagnosis, the model is trained [5,25] by using train operation historical data, and the trained model is applied to fault diagnosis of unknown samples, which can provide good diagnosis and prediction results.
Every fault diagnosis method has its own advantages and limitations. In recent years, many researchers have proposed and developed multi-class fusion fault diagnosis algorithms, demonstrating that the technical advantages of these methods complement and combine with each other. Some studies [26,27,28,29,30,31] also describe the fusion of different fault diagnosis technologies, which have achieved good results in certain application fields. At the same time, with regard to fault feature extraction, there have been many improved algorithms that eliminate the dependence on domain knowledge and expert experience [32,33]; and as result, great breakthroughs have been made in the automatic extraction of mechanical fault features. However, due to increasingly prominent complex nonlinear and strong interference problems, there is no immutable general model for fault diagnosis. Although the traditional neural network is effective for fault diagnosis, certain unsolved problems remain, and the deep learning model needs to be continuously optimized and utilized in fault diagnosis research and applications [34,35]. Based on the deep neural network model, this paper proposes an improved fault diagnosis training model for high-speed train monitoring data, to further improve the accuracy and speed of fault identification.
The deep-learning–based fault diagnosis model requires a large number of labeled training data for full training before accurate fault identification can be completed [31,36]. However, the collection of labeled samples and accurate training require a great deal of computing time and resources. Based on high-speed train monitoring data, similar deep learning tasks have been conducted mostly in the cloud, with abundant computing and storage resources. However, if we only train through the cloud, we must consider the adaptability of various personalized diagnosis cases and train different application scenarios to achieve the appropriate model parameters. This, in turn, will lead to a significant increase in training parameters and heavy training tasks, which conflicts with the response time requirement of fault diagnosis. With the rapid development of Internet of things technology, an increasing amount of data are generated at the edge of the network; however, it is more efficient to process only certain data there [37]. Similarly, if we only rely on personalized application data to train through the edge end, the process will be limited by the computing power and storage capacity of the edge end, resulting in increased training time. At the same time, it is difficult to collect sufficient data to meet the needs of full model training. In mechanical fault diagnosis, experimental methods with excellent performance are often not suitable for practical applications. However, this kind of cross domain learning and knowledge transfer is still an important aspect of current research in this field [38,39]. Using prior research on cross domain learning, this study incorporates the deep learning concept of combining cloud resources with high-performance computing and storage and edge devices with strong personalized adaptability and good time limit control [40]. In this paper, a real-time high-speed train fault diagnosis method based on edge and cloud collaboration is proposed, which aims to utilize the advantages of both cloud and edge computing, and conduct real-time fault diagnosis through the coordination of computing resources and real-time requirements.
Fault data analysis is also a process of knowledge mining. Knowledge mining methods can be divided into four categories: linguistics, expert knowledge, subject and cognition [41]. When analyzing large-scale fault data, traditional diagnosis methods often face difficulties such as deep fault mechanisms, a large number of fault modes, and multi-fault information fusion. To solve these problems, it is necessary to establish fault diagnosis knowledge graphs based on information technology. Fault knowledge graphs [42] transform expert experience and diagnosis knowledge into machine-readable and permanently-stored data, which is crucial for fault data visualization.
Based on high-speed train monitoring operation data, this paper presents a deep neural-network–based optimized fault diagnosis model and high-speed train health monitoring model based on edge cloud collaboration computing. In addition, advantages of the proposed model in terms of fault identification accuracy and timeliness are compared through experiments, to provide support for the fault visual analysis and health management of high-speed trains.

3. Methods

We designed a high-speed train fault diagnosis and analysis method based on intelligent edge and edge cloud collaboration, which can conduct real-time diagnosis and fault cloud analysis based on knowledge mapping. Our method consists of three parts:
  • The integration of cloud computing advantages of abundant computing resources and storage capacity and the edge computing advantage of good real-time response, which allowed us to design the overall fault diagnosis framework and model training.
  • An improved fault diagnosis learning model for edge nodes (based on the deep learning model) to improve the timeliness and accuracy of fault diagnosis.
  • A knowledge acquisition method for structured fault data (expressed in graph form) to solve the problem of generating the initial knowledge graph on high-speed train fault data and to improve the utilization rate of train history fault knowledge and fault diagnosis efficiency, which has a very high application value in fault reasoning and knowledge sharing.

3.1. Fault Identification System Model Based on Intelligent Edge Computing

Currently, high-speed train control systems [43] collect operation parameter data from train components in real time. Then, the operation monitoring data that have accumulated in a fixed period of time are downloaded, stored and analyzed. Train fault diagnosis and analysis are extremely time-consuming processes, and completion time cannot be guaranteed. To solve the problem of real-time train operation fault diagnosis, we analyzed the advantages and disadvantages of cloud/edge end, and designed a train fault diagnosis model based on edge intelligent computing. The overall framework is shown in Figure 1. In the model, the cloud mainly stores the training sample data and trains the universal model. The training sample data is composed of personalized train diagnosis sample data sets from train operation condition monitoring. First, based on the abundance of training samples and computing resources in the cloud, the pervasive train operation fault diagnosis model is continuously trained and updated before finally obtaining the pervasive training results. The training results can then serve as different diagnosis scenarios, which can be used as intermediate results.
The edge device collects the real-time train state data under the personalized working condition through the data sensing device, and then transmits it to the cloud for storage. At the same time, training samples of personalized working conditions are formed at the edge end to modify the cloud-to-edge end universal diagnosis model, so as to improve the applicability of specific diagnosis tasks and form a personalized model for real-time diagnosis of bearing faults. The data interaction between the cloud and edge in the framework consists of two main processes: (1) the edge will upload the locally stored personalized samples to the cloud at a specified frequency to enrich the training and verification sets of the cloud; (2) with the updating of data sets stored in the cloud, the universal diagnosis model parameters will be optimized through training, and the optimized model parameters will then be transferred to the edge to modify the model.
The task of the edge end is to diagnose the train fault in real time and transfer the universal model parameters of the cloud to the edge end through transfer learning. In the edge controller, the local samples are used for personalized training of the diagnosis model, and the personalized diagnosis model is then generated, which can be applied to the edge. At this time, the real-time signal acquisition is loaded on the personalized diagnosis model, diagnosis results can be generated in real time, and the corresponding response can be made according to the diagnosis results. The fault diagnosis method in this paper can be generalized for the fault diagnosis of all key train components, which provides support for fault prediction of the entire train. In addition, the proposed fault visual analysis method can effectively analyze fault reasons and relationships between faults.
At the beginning of the task, we used the edge data and open data set stored in the cloud for the universal training of the diagnosis model. During training, the samples were divided into training set and verification set according to proportion. After training a single SAE (stacked auto-encoder) model, the global SAES-DNN (stacked auto-encoders deep neural network) was trained greedily layer by layer, and parameters of the whole network were fine-tuned. The whole diagnosis process is shown in Figure 2. For the fault data identified in the cloud, fault analysis based on knowledge mapping was carried out to provide support for the fault cause and correlation analyses.

3.2. Introduction of the SAES-DNN Model

Compared with shallow machine learning, deep multi-layer models are better at reflecting essential data characteristics. The characteristics of a deep belief network [44], for example, include easy training and learning optimization as well as advantages of a deep network structure. Based on the DBN (Deep Belief Nets) network structure, we developed a deep learning neural network model for train fault diagnosis by using a stacked auto-encoder [45] composed of a sparse auto-encoder and DNN network. We define the network model as SAES-DNN, where SAE refers to the sparse auto-encoder, and network refers to the deep network composed of multiple sparse auto-encoders. The network structure is shown in Figure 3. The SAES-DNN model contains multiple hidden layers and is composed of a series of SAEs (sparse auto-encoders) stacked in a certain way. For each SAE unit, considering that the input data is the sampling sequence of the train sensor in a certain period of time, we designed the middle layer of the network in the form of a full connection.
Compared with the traditional signal feature processing method, the encoder has better feature expression technology, which can greatly reduce the data integrity labeling requirement in the process of neural network training. A single sparse auto-encoder can minimize the reconstruction error by adding a penalty factor. Our SAES-DNN model uses the feature of a sparse auto-encoder to learn hidden information in the process of data reconstruction and keep extracted features in the hidden layer. The automatic encoder was then trained greedily layer by layer, and the data was reconstructed through the decoder decoding process to minimize reconstruction error. A sparse auto-encoder is a kind of derived automatic encoder with specific functions due to added constraints. The mechanism of decreasing the number of neurons can retain the original function in a quicker and more efficient manner. Since original train fault data information is usually miscellaneous and high-dimensional, a sparse auto-encoder is used as the AE portion in our model. For the SAEs, we define the sample data set as x 1 , x 2 , , x n and define the average activity of the j neuron in its hidden layer as follows:
ρ ^ j = 1 N i = 1 N [ a j ( x ( i ) ) ]
where a j x i is the activation degree of a sample on the number j hidden neuron. To ensure that the hidden layer meets the sparsity constraint, we tried to make ρ ^ j = ρ j , with ρ ^ j representing the sparsity parameter, which was set to 0.06 in this study. To achieve constraint adjustment, an additional penalty factor was added to the optimization objective function based on the relative entropy method, which is defined as follows:
j = 1 m K L ρ ρ ^ j = j = 1 m ρ log ρ ρ ^ j + 1 ρ log 1 ρ 1 ρ ^ j  
where m is the number of neurons in the hidden layer, and index j represents the number j neuron in the hidden layer. When ρ ^ j = ρ j , the penalty factor K L is the minimum. The overall loss function of the sparse auto-encode is defined as follows, where β is the weight coefficient of the sparsity penalty factor. The definition of the loss function of a single sparse auto-encoder is shown in Equation (4), where β is the weight coefficient of the sparsity penalty factor, and J W , b is the definition of the loss function without sparsity constraint, which is composed of the mean square error term and the weight attenuation rule term.
J W , b = 1 N i = 1 N 1 2 h W , b x i y i 2 + λ 2 l = 1 n l 1 i = 1 s i j = 1 s i + 1 W j i l 2  
J sparse W , b = J W , b + β j = 1 m K L ρ ρ ^ j  
We added a softmax supervised classifier based on SAE unsupervised training to form the deep learning SAES-DNN method in this paper. For each class of vectors, the softmax function output formula and loss function of the whole network model are defined as follows:
p i = p Y | Q = e w i Q + b i k = 1 N e w k Q + b k  
J w , b = 1 m j = 1 m k = 1 N l Y j = i log e w i Q j + b i k = 1 N e w k Q j + b k
where { Y j = i } is the indicative function, and the true value is 1 for the output with consistent fault and high probability, otherwise it is set to 0. Q is the softmax output vector, and w i and b i are the weights and offsets that softmax needs to learn.
The softmax classifier is a generalization of multi-classification problem solving based on logistic regression. The output probability value of each class of feature vectors can be evaluated by Equation (5), and the SAES-DNN loss function is shown in Equation (6). The basic training process of the SAES-DNN model is as follows:
  • Original input data was preprocessed, and network structure was initialized.
  • Pre training. The encoder was trained greedily layer by layer, and data was reconstructed by a decoder decoding process to minimize reconstruction error.
  • The output layer of the trained stacked automatic encoders was discarded and the middle-hidden coding feature layer was reserved.
  • Output data of the last layer of the automatic encoder (the extracted hidden layer of the feature representation) was taken as the input data of the classifier.
  • Fine tuning. According to the output and expected error, the parameters were fine-tuned by a back propagation algorithm to optimize the performance of the whole deep neural network. We used a set of samples to train the overall SAES-DNN network parameters ( w i ,   b i ), calculate the activation value of each layer in the network, and obtain the final output through the softmax model of the last layer. Using the sample label and network output, the cost function was formed, which is shown in Equation (6). The partial derivatives of each parameter in the cost function were then obtained, and the gradient descent method was used to iterate to the convergence of the cost function. In each iteration, the derivative of the cost function with respect to the network parameters of the first n−1 layer was calculated according to the forward backward propagation algorithm, while the derivative of the cost function with respect to the parameters of the last layer was obtained by Equation (6).

3.3. Visual Analysis Method Based on the Fault Diagnosis Model

Knowledge extraction consisting of entity extraction, relation extraction and attribute extraction was carried out for the processed train operation fault data. The entity triples were extracted from the existing relational database and transformed into a graph database, so as to construct the equipment entity atlas. Through knowledge extraction technology, entities, relations, attributes and other knowledge elements can be extracted from the semi-structured and unstructured data related to fault disposal. Knowledge fusion eliminates the ambiguity between reference items such as entity, relationship, attribute and fact object, and forms a high-quality knowledge base. Knowledge processing aims to integrate, refine and evaluate extracted knowledge. Event extraction extracts and expresses knowledge from fault history records. The structure of the fault graph generation is shown in Figure 4.
In our study, we used a feature-based method for the entity extraction. A pre-labeled entity corpus was used to train the model, so that the model could learn the probability of a word as an entity component, and then calculate the degree of a candidate field as an entity. The goal of relation extraction is to solve the problem of semantic connection between entities, so as to weave massive entities into a graph. The distance supervision method is used to label the training samples automatically. The entity and topology in the structured database are regarded as prior knowledge to pre-label the corpus. The relations that need to be extracted from the operation fault data text of the train operation fault disposal knowledge map include causality, compliance relationship and so forth.
With regard to the train operation data fault disposal, a train fault map was constructed based on ontology, which mainly included entity ontology, operation ontology, state ontology (regarding device concept) and connection topology. Operation ontology mainly refers to the collection of all actual actions of entity ontology, such as running, maintenance, parking, breaking equipment, etc. State ontology is the summary of the current operation status of all train equipment, such as running, speed, etc. Knowledge discovery can start from existing entity and relation data in the knowledge base, the mining of new entities, or the establishment of new associations between entities through machine learning, so as to expand and enrich the knowledge network. In different dimensions, entities are linked to represent the complex semantic relationship between entities. The model defines the evaluation functions for each triplet (h, r, t) in the knowledge base, and the evaluation function is defined as follows:
f r h , t = μ r T g l h M r l t + M r .1 l h + M r .2 l t + b r
where μ rT Rk is the vector representation of the relation R,   g R is a tan h   function, M r Rd*d*K is a third-order tensor, and M r .1 , M r .2 , Rd*K are two projection matrices defined by relation R.

4. Discussion

This paper mainly discusses the following aspects based on the cloud-edge collaboration framework:
  • Whether the algorithm had an obvious effect when compared with CNN [46], WDCNN [13], MLNN [47], SAE-DBN [14] and so forth.
  • Whether transfer learning can improve the accuracy of fault diagnosis and effectively save training time and resources during the bearing fault diagnostic task.
  • Effect verification of the visual effect analysis of high-speed train operation state data based on knowledge extraction.
The experimental platform designed in this study consisted of cloud and edge computing. The hardware system in the cloud was mainly composed of six gtx1080 GPUs and an expanded 1T hard disk. The edge controller was a NVIDIA Jetson TX2. Ubuntu was selected as the cloud and edge operating system. The deep learning framework was built based on Python, which was also used to complete the implementation of the whole model training. SIMPACK was used on the computational dynamics of the multi-body system, including a number of professional modules and virtual prototype development system software used in professional fields. In this study, a motor running fault was taken as the research object, and the model of a 300 kW permanent magnet synchronous motor was established by SIMPACK.

4.1. Implementation and Performance Research of the Cloud Fault Diagnosis Algorithm

In this study, the machine learning fault feature representation was established through the simulation of motor vibration signals under different fault types, and the acquisition and processing of vibration signals [48]. The experimental analysis object mainly used a differing load output voltage signal after the rectifier circuit failed. To effectively test the experimental results of the subsequent fault diagnosis method, it was necessary to code the motor fault types, as shown in Table 1. According to fault location, the traction motor fault types were divided into a—stator fault, b—rotor fault, c—air gap eccentric fault and d—bearing fault. The fault types were then further divided into 15 types: a, b, c, d, a-b, a-c, a-d, b-c, b-d, c-d, a-b-c, a-b-d, a-c-d, b-c-d, and a-b-c-d. Among them, the last 11 types were combined fault models, such as a-b, which indicated that both stator and rotor faults occurred at the same time.
SIMPACK software was used to simulate different fault states, run the motor, obtain the operation data, and synthesize the data set with 15 fault types and one normal state type. The structure of the SAES-DNN model was determined by repeated optimization, and a six-layer network was designed. The input layer was 256 neurons, the two hidden layers were 65 neurons, and the output layer was 16 neurons. The learning rate was 0.1, and the number of iterations was 60 times. At the same time, we compared the accuracy and running time of fault diagnosis under CNN, WDCNN, MLNN, SAE-DBN, BP-MLNN and SAES-DNN models based on different numbers of training samples. The initial parameters of the six models are shown in Table 1. It can be seen from Figure 5a,b that the SAES-DNN method achieved the minimum calculation time and the highest accuracy under the same computing resources and data, which shows that the SAES-DNN method has better feature learning and diagnostic ability than traditional deep learning methods.
The above results also demonstrate that our method has slight advantages in classification accuracy and time loss over 10 iterations. Compared with SAE-DBN and WDCNN, the accuracy of the proposed method improved by 0.8% and 0.9%, respectively. Through the cloud training samples, our method shows advantages in accuracy and training time for the fault classification model. Higher accuracy and time efficiency can improve fault diagnosis and maintenance, and more efficient model construction time can allow the method to be applied to other mechanical parts in a shorter time [49]. To study the effects of increased sample data or expanded fault types on the proposed method (which would be useful for practical applications), the text training model must first be updated. Furthermore, further research would be needed to determine the degree of influence.

4.2. Transfer Learning of the Fault Diagnosis Algorithm

In this study, the GPU server in the cloud based on the SAES-DNN algorithm was used to train the train simulation motor fault data set and obtain the universal motor fault diagnosis model. In the motor bearing data set of Case Western Reserve University [50], some fault data are similar to the fault types of the transfer learning source domain data set. Therefore, we used this data set to simulate the personalized motor bearing data collected at the edge end.
Through the migration of universal model parameters in the cloud and the personalized adjustment and training at the edge, the model at the edge end completed the diagnosis and recognition of the motor bearing fault. Due to the high frequency of data acquisition used at the edge end, part of the data was intercepted as the input of the model to diagnose the bearing fault; however, by identifying the edge end model, the state of the motor bearing was quickly fed back. The appropriate transfer strategy was chosen by comparing fine tuning, freezing and training. The gradient design of the training samples in the target domain is shown in Table 2. In each experiment, 160 groups of untrained labeled data were selected as the verification set for verifying fault diagnosis accuracy.
Fine tuning refers to applying the weight parameters of cloud training directly to the edge end data, using the edge end training data for model training at the edge end, and then updating the parameters to all layers. Freezing and training kept all layers frozen except for the parameters of the last SAE and the softmax fully connected layer. The training sample gradient set in Table 2 was used to train the model, and only the parameters of the last SAE and softmax layers were updated in the training.
When using the transfer learning method, we first used the source domain samples (simulation samples) to train the improved SAES-DNN algorithm in the cloud, before finally obtaining a model with a fault prediction accuracy of >95%. All model parameters were transmitted to the edge controller. We used fine tuning [51] and freezing and training [52] for the migration learning; that is, the model parameters transmitted from the cloud were directly loaded at the edge. The initial model at the edge end was trained with the gradient of training samples set in Table 2, and parameters of all layers were updated in the training. Each experiment was repeated 10 times, and the final result was the average of the 10 experimental results, as shown in Table 3.
By comparing the experimental verification and analysis, we can draw the following conclusions:
  • When there is a small number of training samples, the application of transfer learning can significantly improve the diagnostic accuracy, especially when the number of samples is less than 120.
  • With a small number of training samples, the effect of using transfer learning to shorten the training time is significant.
  • In this task, the accuracy of fine tuning was higher than that of freezing and training.
To achieve good transfer learning effect, while selecting transfer learning samples, we should strive to obtain as many different fault performance samples as possible in the source data domain. Our experiment results showed that the motor fault data sets of different working conditions stored in the cloud can enhance the transfer learning effect.

4.3. Effect Verification of Fault Visual Analysis

In the long-term process of train operation, trains accumulate a vast amount of state monitoring data, which are large in quantity and high in dimension. Traditional relational databases of train operation data are transformed into graph databases based on triple representation via knowledge mapping technology. Triple refers to a general representation of a knowledge graph, that is G = (E, R, S), where E is the entity set in the knowledge base, R is the relation set, and S is the triple set. In this study, a train operation fault knowledge map was generated for the train operation data set, as shown in Figure 6. The structured data in our operation data set mainly included temporary repair and wheel change records, extended three-level repair records, retrofit records, advanced repair records, loading records, factory resumption information, vehicle operation fault history records, vehicle running records, advanced repair history records, vehicle operation conditions, and so forth. In the train fault data visualization method based on knowledge mapping, fault nodes were drawn as points, and fault relationship links were rendered as lines. This graphical representation can directly represent the train operation data, which is helpful for obtaining a better understanding of the entity relationship and structure information in the fault data.
Through Figure 6, we can see that the associated maintenance information and operation information were presented intuitively based on different train entities. With the help of the generated train fault graph, the collaborative filtering analysis model was used to calculate the similarity of different train fault causes, sort the fault causes, and determine the most similar train fault causes, which can help people quickly obtain intelligent recommendations with regard to the fault causes. At the same time, the fault knowledge graph can also be used to calculate the similarity of different train faults, determine which set of train faults are caused by the same reason, and analyze correlations between faults.

4.4. Limitations and Future Research

In this study, we introduced an efficient train fault diagnosis model and an extended train fault visual analysis method. To examine the real-time effects and accuracy of the method, applications in fault prediction and diagnosis of key components such as gearboxes, bogies and pantographs will be explored in the follow-up research, to provide a highly feasible implementation scheme for fault diagnosis and predictive maintenance. As a novel fault diagnosis and visualization method, there were some limitations in our study, which we plan to address in our future work.
Regarding the fault diagnosis model, we are currently using the DNN network composed of stacked auto-encoders. In the single SAE model, since the network input is the sensor sampling data, we used a full connection layer in the model. When prolonging the sampling time or increasing the sampling frequency, the dimension of input data parameters will inevitably increase, which will lead to difficulties to the network training. It is possible to transform the SAE internal network structure and reduce the dimension of high-dimensional data and network parameters (such as using a combination of CNN network and SAE), which is one of our future research directions. For fault visual analysis, as an extension of fault diagnosis, analysis of the whole fault type dimension can assist people in quickly analyzing fault causes. In the case of small-scale data sets, our current method can effectively analyze train faults, fault causes and correlations between faults; however, for large-scale data, it is a great challenge to display global data in a limited view space. Therefore, we need to conduct further study of multi-view layout algorithms and graph data visual analysis methods.

5. Conclusions

In this paper, a train fault diagnosis model based on deep neural networks and intelligent edge computing was proposed to realize the real-time diagnosis of high-speed train faults. The model took a train motor fault as the research object, used a large amount of cloud-stored sample data to train and fine tune the SAES-DNN diagnosis model layer by layer, and generated a universal diagnosis model suitable for similar train fault diagnosis tasks. Through transfer learning, the trained universal model was transferred to the edge end, and a small number of samples at the edge were used to fine tune the model to realize real-time train motor fault diagnosis. The experimental verification and comparative analysis showed that the bearing fault diagnosis method can be used to train the diagnosis model in the cloud, and the edge only needs a small amount of personalized adjustment training, which can save a lot of training time. At the same time, based on the cloud-computed train operation fault data, we designed a visualization method of train fault analysis data based on knowledge mapping, which can effectively present and analyze train operation faults. Due to the good outcomes of this method with regard to real time, accuracy and sample limitations, our follow-up study will further explore applications in the fault diagnosis of major train parts, such as bogies and pantographs, so as to provide a highly feasible implementation scheme for the fault diagnosis and predictive maintenance of high-speed trains.

Author Contributions

Conceptualization, K.Z. and H.X.; methodology, K.Z. and H.X.; software, K.Z. and R.S.; validation, K.Z., W.H. and J.X.; formal analysis, K.Z.; investigation, K.Z. and X.H.; resources, K.Z.; data curation, K.Z.; writing—original draft preparation, K.Z.; writing—review and editing, K.Z. and X.H.; visualization, K.Z.; supervision, H.X.; project administration, H.X. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data available on request due to restrictions e.g., privacy or ethical. The data presented in this study are available on request from the corresponding author. The data are not publicly available due to privacy.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Song, Y.D.; Song, Q.; Cai, W. Fault-Tolerant Adaptive Control of High-Speed Trains Under Traction/Braking Failures: A Virtual Parameter-Based Approach. IEEE Trans. Intell. Transp. Syst. 2014, 15, 737–748. [Google Scholar] [CrossRef]
  2. Ma, M.; Wang, P.; Chu, C.-H.; Liu, L. Efficient Multi-Pattern Event Processing over High-Speed Train Data Streams. IEEE Internet Things J. 2014, 2, 1. [Google Scholar] [CrossRef]
  3. Zou, Y.; Zhang, Y.; Mao, H. Fault diagnosis on the bearing of traction motor in high-speed trains based on deep learning. Alex. Eng. J. 2021, 60, 1209–1219. [Google Scholar] [CrossRef]
  4. Shangguan, W.; Zhang, J.; Feng, J.; Cai, B. Fault diagnosis method of the on-board equipment of train control system based on rough set theory. In Proceedings of the 2017 IEEE 20th International Conference on Intelligent Transportation Systems (ITSC), Yokohama, Japan, 16–19 October 2017. [Google Scholar]
  5. Hu, H.; Tang, B.; Gong, X.; Wei, W.; Wang, H. Intelligent Fault Diagnosis of the High-Speed Train with Big Data Based on Deep Neural Networks. IEEE Trans. Ind. Inform. 2017, 13, 2106–2116. [Google Scholar] [CrossRef]
  6. Liu, Q.; Kong, D.; Qin, S.J.; Xu, Q. Map-Reduce Decentralized PCA for Big Data Monitoring and Diagnosis of Faults in High-Speed Train Bearings. IFAC PapersOnLine 2018, 51, 144–149. [Google Scholar] [CrossRef]
  7. Wu, D.; Rosen, D.W.; Wang, L.; Schaefer, D. Cloud-based design and manufacturing: A new paradigm in digital manufacturing and design innovation. Comput. Des. 2015, 59, 1–14. [Google Scholar] [CrossRef] [Green Version]
  8. Zhou, Z.; Chen, X.; Li, E.; Zeng, L.; Luo, K.; Zhang, J. Edge Intelligence: Paving the Last Mile of Artificial Intelligence with Edge Computing. IEEE Inst. Electr. Electron. Eng. 2019, 107, 1738–1762. [Google Scholar] [CrossRef] [Green Version]
  9. Zhang, Y.; Qin, N.; Huang, D.; Liang, K. Fault Diagnosis of High-speed Train Bogie Based on Deep Neural Network. IFAC PapersOnLine 2019, 52, 135–139. [Google Scholar] [CrossRef]
  10. Son, H.-I.; Kim, T.-J.; Kang, D.-W.; Hyun, D.-S. Fault diagnosis and neutral point voltage control when the 3-level inverter faults occur. In Proceedings of the 2004 IEEE 35th Annual Power Electronics Specialists Conference, Aachen, Germany, 20–25 June 2004; IEEE: New York, NY, USA, 2004; Volume 6, pp. 4558–4563. [Google Scholar]
  11. Schmidhuber, J. Deep learning in neural networks: An overview. Neural Netw. 2015, 61, 85–117. [Google Scholar] [CrossRef] [Green Version]
  12. Ghosh, N.; Paul, R.; Maity, S.; Maity, K.; Saha, S. Fault Matters: Sensor Data Fusion for Detection of Faults using Dempster-Shafer Theory of Evidence in IoT-Based Applications. Expert Syst. Appl. 2019, 162, 113887. [Google Scholar] [CrossRef]
  13. Zhang, A.; Li, S.; Cui, Y.; Yang, W.; Dong, R.; Hu, J. Limited Data Rolling Bearing Fault Diagnosis with Few-Shot Learning. IEEE Access 2019, 7, 110895–110904. [Google Scholar] [CrossRef]
  14. Chen, Z.; Li, W. Multisensor Feature Fusion for Bearing Fault Diagnosis Using Sparse Autoencoder and Deep Belief Network. IEEE Trans. Instrum. Meas. 2017, 66, 1693–1702. [Google Scholar] [CrossRef]
  15. Sun, X.; Mao, Z.; Jiang, B.; Li, M. EEMD based incipient fault diagnosis for sensors faults in high-speed train traction systems. In Proceedings of the 2017 Chinese Automation Congress (CAC), Jinan, China, 20–22 October 2017; pp. 4804–4809. [Google Scholar]
  16. Wang, Z.; Guo, J.; Zhang, Y.; Luo, R. Fault diagnosis for jointless track circuit based on intrinsic mode function energy moment and optimized LS-SVM. In Proceedings of the 2016 IEEE International Conference on High Voltage Engineering and Application (ICHVE), Chengdu, China, 19–22 September 2016; IEEE: New York, NY, USA, 2016; pp. 1–4. [Google Scholar]
  17. Wang, C.; Jia, L.; Li, X. A Study of Fault Diagnosis Method for the Train Axle Box Based on EMD and PSO-LSSVM. In Proceedings of the 2013 Third International Conference on Instrumentation, Measurement, Computer, Communication and Control, Shenyang, China, 21–23 September 2013; IEEE: New York, NY, USA, 2013. [Google Scholar]
  18. Sha, C.; Wang, C.; Wu, M.; Liu, G.-P. An algorithm to remove noise from locomotive bearing vibration signal based on adaptive EMD filter. In Proceedings of the 33rd Chinese Control Conference, Nanjing, China, 28–30 July 2014; IEEE: New York, NY, USA, 2014; pp. 7374–7378. [Google Scholar]
  19. Chen, H.; Jiang, B.; Lu, N.; Mao, Z. Deep PCA Based Real-Time Incipient Fault Detection and Diagnosis Methodology for Electrical Drive in High-Speed Trains. IEEE Trans. Veh. Technol. 2018, 67, 4819–4830. [Google Scholar] [CrossRef]
  20. Li, P.; Kong, F.; Dang, L. A new fault diagnosis system for train BearingsBased on PCA and ACO. In Proceedings of the 2010 International Conference on Logistics Systems and Intelligent Management (ICLSIM), Harbin, China, 9–10 January 2010; IEEE: New York, NY, USA, 2010; Volume 1, pp. 526–530. [Google Scholar]
  21. Ma, W.; Lou, X.; Hei, X.; Xie, G. Diagnosis method for the safety condition of train brake pipe based on HMM. ICIC Express Lett. Part B Appl. 2017, 8, 401–406. [Google Scholar]
  22. Zang, Y.; Shangguan, W.; Wang, H.; Cai, B. Application of improved HMM model in train location unit. In Proceedings of the 2016 IEEE 19th International Conference on Intelligent Transportation Systems (ITSC), Rio de Janeiro, Brazil, 1–4 November 2016; IEEE: New York, NY, USA, 2016; pp. 2693–2698. [Google Scholar]
  23. Xiantai, G.; Chuan, R.; Weidong, J.; Xiu, L. A study on high-speed rail malfunction analysis based on support vector regression. In Proceedings of the 2017 International Conference on Computing Methodologies and Communication (ICCMC), Erode, India, 18–19 July 2017; IEEE: New York, NY, USA, 2017; pp. 465–469. [Google Scholar]
  24. Tang, D.; Jin, W.; Qin, N.; Li, H. Feature selection and analysis of single lateral damper fault based on SVM-RFE with correlation bias reduction. In Proceedings of the 2016 35th Chinese Control Conference (CCC), Chengdu, China, 27–29 July 2016; IEEE: New York, NY, USA, 2016; pp. 3840–3845. [Google Scholar]
  25. Liu, M.; Yan, X.; Sun, X.; Dong, W.; Ji, Y. Fault diagnosis method for railway turnout control circuit based on information fusion. In Proceedings of the 2016 IEEE Information Technology, Networking, Electronic and Automation Control Conference, Chongqing, China, 20–22 May 2016; IEEE: New York, NY, USA, 2016; pp. 315–320. [Google Scholar]
  26. Aktas, M.; Turkmenoglu, V. Wavelet-based switching faults detection in direct torque control induction motor drives. IET Sci. Meas. Technol. 2010, 4, 303–310. [Google Scholar] [CrossRef]
  27. Eristi, H. Fault diagnosis system for series compensated transmission line based on wavelet transform and adaptive neuro-fuzzy inference system. Measurement 2013, 46, 393–401. [Google Scholar] [CrossRef]
  28. Ren, X.; Zhang, F.; Zheng, L.; Men, X. Application of quantum neural network based on rough set in transformer fault diagnosis. In Proceedings of the Asia-Pacific Power and Energy Engineering Conference APPEEC, Chengdu, China, 28–31 March 2010. [Google Scholar]
  29. Pham, M.T.; Kim, J.-M.; Kim, C.H. Accurate Bearing Fault Diagnosis under Variable Shaft Speed using Convolutional Neural Networks and Vibration Spectrogram. Appl. Sci. 2020, 10, 6385. [Google Scholar] [CrossRef]
  30. Glowacz, A. Fault diagnosis of electric impact drills using thermal imaging. Measurement 2021, 171, 108815. [Google Scholar] [CrossRef]
  31. Wen, L.; Li, X.; Gao, L.; Zhang, Y. A New Convolutional Neural Network-Based Data-Driven Fault Diagnosis Method. IEEE Trans. Ind. Electron. 2017, 65, 5990–5998. [Google Scholar] [CrossRef]
  32. Peng, B.; Wan, S.; Bi, Y.; Xue, B.; Zhang, M. Automatic Feature Extraction and Construction Using Genetic Programming for Rotating Machinery Fault Diagnosis. IEEE Trans. Cybern. 2020, 1–15. [Google Scholar] [CrossRef]
  33. Chen, J.; Li, T.; Wang, J.; De Silva, C.W. WSN Sampling Optimization for Signal Reconstruction Using Spatiotemporal Autoencoder. IEEE Sensors J. 2020, 20, 14290–14301. [Google Scholar] [CrossRef]
  34. Abdali, A.; Mazlumi, K.; Noroozian, R. High-speed fault detection and location in DC microgrids systems using Multi-Criterion System and neural network. Appl. Soft Comput. 2019, 79, 341–353. [Google Scholar] [CrossRef]
  35. Nguyen, C.D.; Prosvirin, A.E.; Kim, C.H.; Kim, J.-M. Construction of a Sensitive and Speed Invariant Gearbox Fault Diagnosis Model Using an Incorporated Utilizing Adaptive Noise Control and a Stacked Sparse Autoencoder-based Deep Neural Network. Sensors 2020, 21, 18. [Google Scholar] [CrossRef]
  36. Janssens, O.; Slavkovikj, V.; Vervisch, B.; Stockman, K.; Loccufier, M.; Verstockt, S.; Van De Walle, R.; Van Hoecke, S. Convolutional Neural Network Based Fault Detection for Rotating Machinery. J. Sound Vib. 2016, 377, 331–345. [Google Scholar] [CrossRef]
  37. Satyanarayanan, M.; Bahl, P.; Caceres, R.; Davies, N. The Case for VM-Based Cloudlets in Mobile Computing. IEEE Pervasive Comput. 2009, 8, 14–23. [Google Scholar] [CrossRef]
  38. Chen, J.; Wang, J.; Zhu, J.; Lee, T.H.; De Silva, C. Unsupervised Cross-domain Fault Diagnosis Using Feature Representation Alignment Networks for Rotating Machinery. IEEE ASME Trans. Mechatron. 2020, 1. [Google Scholar] [CrossRef]
  39. Cho, S.H.; Kim, S.; Choi, J.-H. Transfer Learning-Based Fault Diagnosis under Data Deficiency. Appl. Sci. 2020, 10, 7768. [Google Scholar] [CrossRef]
  40. Luo, Z.; Small, A.; Dugan, L.; Lane, S. Cloud Chaser: Real time deep learning computer vision on low computing power devices. In Proceedings of the Eleventh International Conference on Machine Vision (ICMV 2018), Munich, Germany, 1–3 November 2018; p. 11041. [Google Scholar]
  41. Bimba, A.T.; Bimba, A.T.; Al-Hunaiyyan, A.; Mahmud, R.B.; Abdelaziz, A.; Khan, S.; Chang, V. Towards knowledge modeling and manipulation technologies: A survey. Int. J. Inf. Manag. 2016, 36, 857–871. [Google Scholar] [CrossRef] [Green Version]
  42. Nickel, M.; Murphy, K.; Tresp, V.; Gabrilovich, E. A Review of Relational Machine Learning for Knowledge Graphs. Proc. IEEE 2015, 104, 11–33. [Google Scholar] [CrossRef]
  43. Zhang, Y.; Wang, H.; Yuan, T.; Jidong, L.; Xu, T. Hybrid Online Safety Observer for CTCS-3 Train Control System On-Board Equipment. IEEE Trans. Intell. Transp. Syst. 2019, 20, 925–934. [Google Scholar] [CrossRef]
  44. Hinton, G.E.; Osindero, S.; Teh, Y.-W. A Fast Learning Algorithm for Deep Belief Nets. Neural Comput. 2006, 18, 1527–1554. [Google Scholar] [CrossRef] [PubMed]
  45. Siddharth, T.; Gajbhiye, P.; Tripathy, R.K.; Pachori, R.B. EEG based Detection of Focal Seizure Area using FBSE-EWT rhythm and SAE-SVM Network. IEEE Sens. J. 2020, 1–8. [Google Scholar] [CrossRef]
  46. Chua, L.O.; Roska, T. The CNN paradigm. IEEE Trans. Circuits Syst. I Regul. Pap. 1993, 40, 147–156. [Google Scholar] [CrossRef]
  47. Zhang, W.; Yu, Y.; Jia, Q. Approximation property of multi-layer neural network (MLNN) and its application in nonlinear simulation. In Proceedings of the IJCNN-91-Seattle: International Joint Conference on Neural Networks, Seattle, WA, USA, 8–12 July 1991. [Google Scholar]
  48. Younus, A.M.; Yang, B.-S. Intelligent fault diagnosis of rotating machinery using infrared thermal image. Expert Syst. Appl. 2012, 39, 2082–2091. [Google Scholar] [CrossRef]
  49. Sun, S.; Przystupa, K.; Wei, M.; Yu, H.; Ye, Z.; Kochan, O. Fast bearing fault diagnosis of rolling element using Lévy Moth-Flame optimization algorithm and Naive Bayes. Ekspolat. Niezawodn. Maint. Reliab. 2020, 22, 730–740. [Google Scholar] [CrossRef]
  50. Loparo, K.A. Case Western Reserve University Bearing Data Center. Available online: https://csegroups.case.edu/bearingdatacenter/pages/welcome-case-western-reserve-university-bearing-data-center-website (accessed on 29 January 2021).
  51. Wani, M.A.; Afzal, S. A New Framework for Fine Tuning of Deep Networks. In Proceedings of the 2017 16th IEEE International Conference on Machine Learning and Applications (ICMLA), Cancun, Mexico, 18–21 December 2017; IEEE: New York, NY, USA, 2017; pp. 359–363. [Google Scholar]
  52. Park, J.; Parsons, D.; Ryu, H. To Flow and Not to Freeze: Applying Flow Experience to Mobile Learning. IEEE Trans. Learn. Technol. 2010, 3, 56–67. [Google Scholar] [CrossRef]
Figure 1. Framework of the train fault diagnosis model, which consists of cloud and intelligent edge computing. The cloud trains the fault detection model and transplants the trained model to the edge through transfer learning. The edge end collects the signal data in the process of train operation and uses the edge fault detection model for real-time fault identification.
Figure 1. Framework of the train fault diagnosis model, which consists of cloud and intelligent edge computing. The cloud trains the fault detection model and transplants the trained model to the edge through transfer learning. The edge end collects the signal data in the process of train operation and uses the edge fault detection model for real-time fault identification.
Applsci 11 01251 g001
Figure 2. The training and updating process of the cloud diagnostic model. The process includes three parts: cloud data partition, fault diagnosis model training and visual analysis.
Figure 2. The training and updating process of the cloud diagnostic model. The process includes three parts: cloud data partition, fault diagnosis model training and visual analysis.
Applsci 11 01251 g002
Figure 3. SAES-DNN network model structure. The model consists of SAEs and a DNN. The DNN adjusts the weight parameters of the model through feedback training, and the SAEs reduce the dimension of feature dimension through coding.
Figure 3. SAES-DNN network model structure. The model consists of SAEs and a DNN. The DNN adjusts the weight parameters of the model through feedback training, and the SAEs reduce the dimension of feature dimension through coding.
Applsci 11 01251 g003
Figure 4. Knowledge map construction flow chart. After the entities, relations and attributes were extracted, knowledge fusion, processing and updating were carried out to generate the graph.
Figure 4. Knowledge map construction flow chart. After the entities, relations and attributes were extracted, knowledge fusion, processing and updating were carried out to generate the graph.
Applsci 11 01251 g004
Figure 5. A comparison chart of accuracy (a) vs. time consumption (b) of different models in different learning times under the same data set. For (a), every 10 learning cycles was a statistical index for calculating the accuracy of the learning model; for (b), the training time of the model was calculated for every 10 additional learning cycles.
Figure 5. A comparison chart of accuracy (a) vs. time consumption (b) of different models in different learning times under the same data set. For (a), every 10 learning cycles was a statistical index for calculating the accuracy of the learning model; for (b), the training time of the model was calculated for every 10 additional learning cycles.
Applsci 11 01251 g005
Figure 6. Train fault knowledge graph. The related attributes of each train were constructed by the atlas, which can express the relationship between the train, different faults, and fault causes in a clear manner. The left side shows the panoramic effect of train fault analysis, and the right side shows the enlarged effect within the specified range.
Figure 6. Train fault knowledge graph. The related attributes of each train were constructed by the atlas, which can express the relationship between the train, different faults, and fault causes in a clear manner. The left side shows the panoramic effect of train fault analysis, and the right side shows the enlarged effect within the specified range.
Applsci 11 01251 g006
Table 1. Calculation of the training accuracy of different models in the same data set.
Table 1. Calculation of the training accuracy of different models in the same data set.
Diagnostic ModelNetwork DepthLearning RateMinimum AccuracyHighest AccuracyAverage AccuracyAverage Loss Rate
MLNN40.161.5%92.2%85.7%11.3%
CNN40.0182.9%94.6%90.7%7.62%
SAE-DBN [14]60.192.9%97.3%95.6%5.56%
WDCNN [13]40.193.3%97.2%95.3%6.41%
SAES-DNN60.193.8%98.1%96.5%5.43%
BP-MLNN40.178.6%92.5%89.5%9.69%
Table 2. Sample size for each target domain training set in the experiment.
Table 2. Sample size for each target domain training set in the experiment.
Training SetNumber of Samples for Each Type of FaultTotal Number of Fault Samples of Each TypeThe Proportion
Train set 14024801:62
Train set 26024801:41
Train set 39024801:28
Train set 414024801:18
Train set 521024801:12
Train set 632024801:8
Table 3. Effect comparison of the transfer learning strategies.
Table 3. Effect comparison of the transfer learning strategies.
Transfer StrategyTraining
Set
Train Times
2030405060708090100
No-TransferTrain set 121.3%29.6%38.5%47.3%48.6%48.9%50.1%50.2%49.7%
No-TransferTrain set 232.5%39.8%49.2%56.3%64.0%66.1%66.4%67.2%63.1%
No-TransferTrain set 342.6%60.3%65.8%69.7%71.3%74.5%75.4%74.1%73.2%
No-TransferTrain set 451.9%63.3%70.5%74.0%77.7%78.2%79.0%79.2%76.3%
No-TransferTrain set 563.0%72.8%79.1%84.3%86.9%87.4%87.1%86.7%84.1%
No-TransferTrain set 672.3%79.1%85.6%87.2%90.1%89.9%90.3%89.4%89.7%
Fine-tuningTrain set 163.5%65.7%66.4%67.9%67.8%67.9%68.0%68.1%67.9%
Fine-tuningTrain set 270.3%76.6%77.1%78.0%78.6%79.2%78.8%78.2%77.7%
Fine-tuningTrain set 376.7%77.7%78.6%79.4%80.2%80.1%80.0%79.7%79.2%
Fine-tuningTrain set 478.9%81.8%85.6%86.0%86.9%87.3%87.4%87.2%86.4%
Fine-tuningTrain set 581.4%84.7%88.6%89.1%89.2%90.0%90.3%89.9%89.0%
Fine-tuningTrain set 684.8%88.6%89.7%90.1%90.3%91.4%91.0%90.9%90.7%
FreezeTrain set 150.4%55.3%56.1%56.5%56.1%56.8%56.9%56.7%56.4%
FreezeTrain set 254.3%57.1%58.6%59.9%59.9%60.8%61.0%60.9%59.6%
FreezeTrain set358.9%61.6%61.8%62.4%62.8%62.8%62.9%63.3%63.1%
FreezeTrain set 459.4%62.3%63.1%63.5%64.1%64.5%64.9%64.7%64.4%
FreezeTrain set 560.7%63.4%64.3%64.8%65.4%65.6%65.9%65.8%65.7%
FreezeTrain set 661.9%64.1%65.2%65.7%66.1%66.2%66.7%66.1%66.0%
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Zhang, K.; Huang, W.; Hou, X.; Xu, J.; Su, R.; Xu, H. A Fault Diagnosis and Visualization Method for High-Speed Train Based on Edge and Cloud Collaboration. Appl. Sci. 2021, 11, 1251. https://doi.org/10.3390/app11031251

AMA Style

Zhang K, Huang W, Hou X, Xu J, Su R, Xu H. A Fault Diagnosis and Visualization Method for High-Speed Train Based on Edge and Cloud Collaboration. Applied Sciences. 2021; 11(3):1251. https://doi.org/10.3390/app11031251

Chicago/Turabian Style

Zhang, Kunlin, Wei Huang, Xiaoyu Hou, Jihui Xu, Ruidan Su, and Huaiyu Xu. 2021. "A Fault Diagnosis and Visualization Method for High-Speed Train Based on Edge and Cloud Collaboration" Applied Sciences 11, no. 3: 1251. https://doi.org/10.3390/app11031251

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