You are currently viewing a new version of our website. To view the old version click .
Energies
  • Article
  • Open Access

26 August 2021

D-dCNN: A Novel Hybrid Deep Learning-Based Tool for Vibration-Based Diagnostics

and
Department of Mechanical Engineering, Department of Aeronautics, Mechanical and Electronic Convergence Engineering, Kumoh National Institute of Technology, 61 Daehak-ro (Yangho-Dong), Gumi 39177, Gyeongbuk, Korea
*
Author to whom correspondence should be addressed.
This article belongs to the Special Issue Control Part of Cyber-Physical Systems: Modeling, Design and Analysis

Abstract

This paper develops a novel hybrid feature learner and classifier for vibration-based fault detection and isolation (FDI) of industrial apartments. The trained model extracts high-level discriminative features from vibration signals and predicts equipment state. Against the limitations of traditional machine learning (ML)-based classifiers, the convolutional neural network (CNN) and deep neural network (DNN) are not only superior for real-time applications, but they also come with other benefits including ease-of-use, automated feature learning, and higher predictive accuracies. This study proposes a hybrid DNN and one-dimensional CNN diagnostics model (D-dCNN) which automatically extracts high-level discriminative features from vibration signals for FDI. Via Softmax averaging at the output layer, the model mitigates the limitations of the standalone classifiers. A diagnostic case study demonstrates the efficiency of the model with a significant accuracy of 92% (F1 score) and extensive comparative empirical validations.

1. Introduction

Unexpected equipment failure has a significant contribution to production/operation costs and sometimes results in life-threatening situations. This has motivated the development (and improvement) of condition-based maintenance technologies with DL algorithms at their core for accurate modeling and real-time applicability [1]. Vibration monitoring for FDI of industrial components—pumps, bearings, gears, actuators, valves, etc.—has proven effective over the past decades, and with the right diagnostic models, accurate real-time condition monitoring can be achieved for improved safety, remaining useful life extension, cost minimization, and downtime avoidance [2].
Vibration monitoring is one of the most popular (and reliable) FDI techniques for industrial purposes. Its success is highly attributed to the availability of time domain, frequency domain, and time-frequency domain (TFD) signal processing techniques for discriminative feature engineering—hand-crafted feature extraction, selection, and manipulation [3,4]. For instance, the invention of TFD signals processing techniques like the short-time Fourier transform (STFT), empirical mode decomposition (EMD), wavelet transform (WT), Mel frequency cepstral coefficients (MFCCs), etc. provided strong comparative efficiencies over the more traditional statistical time domain and frequency domain techniques for vibration monitoring [4,5]. Against their efficiencies, the reliability of all these hand-crafted features is limited by expensive statistical assumptions and trade-offs. Furthermore, the use of hand-crafted features demands a reasonable level of domain knowledge and the use of conventional machine learning algorithms which are not as efficient as state-of-the-art methods. Further, feature engineering remains one of the major problems faced with the optimum efficiency of these traditional techniques due to the uniqueness in strength (and weakness) of every feature/descriptor for modeling/reflecting condition from non-stationary/noisy vibration (or other sensor) measurements [3]. Consequently, ongoing research suggests the use of bioinspired mathematical models with deep architecture (deep learning methods) for automatic feature extraction [6,7].
State-of-the-art reliability studies (and applications) on industrial cyber-physical systems (ICPSs) is indelibly skewing towards DL models—the more efficient artificial intelligence (AI)-based solutions due to the increasing process/system complexities and the inherent need to model them accurately. Thanks to super computers and the fast-emerging industry 4.0 revolution, a significant improvement in dynamic modeling, design, maintenance, and high-level decision-making processes is being witnessed across diverse applications with emphasis on optimum utility of available real-time information [1]. Against the traditional methods which rely on hand-crafted feature engineering, these DL methods are fully automated in their architecture to perform both feature engineering and classification (and regression) tasks efficiently. This transition to DL-based models has greatly improved process efficiencies [8], equipment condition monitoring [4], spatiotemporal forecasting [9], and a host of many other solutions [5,10,11,12]; however, they are faced with challenges ranging from over-fitting, interpretability, optimal hyperparameter selection (and optimization), standardized weight initialization paradigm, and finding the optimal decision criteria between power consumption and performance [1,13]. Nonetheless, considering the need for accurate real-time solutions for ICPS components especially with the growing need for uncertainty modeling, sensor data discrepancies, dynamic environmental and operating conditions, etc., DL methods remain preferable even at the cost of computational power.
Today, there is a plethora of work showcasing diverse algorithms and learning rules for implementing DL-based diagnostics/classification tasks; however, a closer look into our proposed case study suggests the need for exploring these algorithms and subsequently, proposing a befitting FDI model while considering costs, ease-of-use, real-time applicability, and other necessary factors. Most of these algorithms are standalone models which obviously come with their shortcomings and may be component-specific and/or application-specific. On the other hand, hybrid models come with broader efficiencies by integrating the strengths of its constituent standalone models. In our quest for assessing (and validating) the proposed hybrid D-dCNN FDI tool, this study chiefly makes the following contributions:
  • The proposed algorithm comes with advantages including ease-of-use, automation capabilities, and accuracies/trustworthiness for vibration monitoring of ICPS components. This makes it an almost universal FDI tool for equipment monitoring.
  • The proposed algorithm mitigates the exhaustive feature engineering/signal processing steps which are associated with most traditional methods. This minimizes the need for domain knowledge and physics-of-failure (PoF) analysis.
  • By integrating the strengths of its constituent standalone models, the proposed model invariably compensates for the constituent models’ weaknesses for a more reliable predictive accuracy. Furthermore, with fewer parameterization process, the model complexity/computational remains within an acceptable range when compared to the predictive efficiencies it provides.
The remainder of the paper is organized as follows. Section 2 discusses related works to state-of-the-art vibration-based FDI of ICPS equipment while Section 3 describes the proposed hybrid D-dCNN FDI diagnostic. An experimental case study is presented in Section 4 while Section 5 discusses its implications alongside open issues inherent from the study. Last, Section 6 concludes the paper.

3. The Proposed D-dCNN FDI Model

The DNN typically consists of stacked multilayer perceptrons (MLPs) whereby inputs are exported (note-to-node) successively between the layers via an activated forward propagation process. The automatic (supervised) learning process of DNNs by gradient descent enables for minimizing the squared error in the predicted outputs via a back-propagation of weights [28]. Contrary to this architecture, CNNs are basically configured with convolution, pooling, and fully connected layers, whereby the convolution layers act as filters for extracting discriminative features from inputs while the pooling layer reduces the feature dimension for computational efficiency. With the help of the fully connected layer(s)—classical artificial neural network (ANN), multi-label output predictions can be made via nonlinear activation functions.
Arguably, the efficiencies and reliability advantages associated with parallel hybrid networks cannot be overemphasized, especially for classification problems [21,29]; however, certain factors come into play and may increase computational costs, reduce transferability potentials of the model, and heighten model stochasticity and overfitting [31,33,34] and they include the following.
  • The number of layers and nodes. In excess, multiple layers adversely affect computational efficiency and may lead to overfitting.
  • Batch normalization—a technique used to standardize the inputs to a network accelerates training, and provides some regularization, thereby minimizing generalization error.
  • The choice of activation functions. Against the use of a linear activation function, nonlinear activation functions provide improved learning efficiencies; however, for designing hybrid models (parallel), multiple trials reveal that the SoftMax activation function is more reliable; unlike the rectified linear activation units (ReLU), Tanh, and Leaky ReLU activation functions that increase model stochasticity, overfitting, and computational power, and flourish in time-series forecasting problems.
The overall pipeline of the proposed model is illustrated in Figure 1 while the full network architecture and parameter values employed in this study are summarized in Table 1.
Figure 1. Proposed D-dCNN network architecture for FDI. C1, MP1, C2, and MP2 represent Convolution layer 1, Max-pooling layer 1, Convolution layer 2, and Max-pooling layer 2, respectively.
Table 1. Architecture of the proposed D-dCNN model.
Consequently, the proposed novel DL-based FDI tool—hybrid D-dCNN—is a tree structure with two branches: each branch extracts high-level discriminative features separately in different representations of data; thereby providing more reliable paradigm for making empirical judgments. Each model predicts the probability of the class labels using the SoftMax activation function and the final prediction is obtained by averaging the probability of same class label. In this way, high-level features are transmitted simultaneously from the constituent models to the SoftMax-averaging layer.
Given a set of multi-class inputs X n m = { ( x 1 , y 1 ) , ( x 2 , y 2 ) , , ( x n , y n ) } , where x n R m and y n { 1 , 2 , , n } , as inputs, the SoftMax-activated prediction by the CNN and DNN models are summarized in Equations (1) and (2), respectively.
R n C N N = C N N [ S o f t M a x X n m ]
R n D N N = D N N [ S o f t M a x X n m ]
Outputs obtained from both branches of the hybrid model are averaged using Equation (3).
R n H y b r i d = i = 1 2 R n C N N R n D N N 2
Like other ANNs, the stochastic learning process (due to random weight initialization) of the proposed model demands a reasonable number of learning iterations to ensure cost function minimization. As a norm, the categorical cross entropy is a befitting loss function for multi-class problems and is defined using Equation (4) [35].
L C E = i = 1 N T i log R n H y b r i d
where T n is the truth label and R n H y b r i d is the Softmax probability for the n th class.
Designed to quantify the difference between true and SoftMax-predicted probability distributions of a multi-class problem, the objective is to iteratively minimize L C E which invariably ensures accurate input–label modeling process (successful training). This can be monitored visually by observing the training convergence of the model over the iteration process. In addition, cross validation ensures a well–trained model is achieved while also evaluating the model’s reliability over multiple trials. This helps eliminate possibilities of accidental success, overfitting/underfitting issues, and provide a range of accuracy values/horizon of the model on the test data.

4. Experimental Study

Vibration monitoring has become a highly reliable (and cost-efficient) condition monitoring technique hydraulic pumps; consequently, an experimental case study was conducted on VSC63A5 solenoid pumps at the Defense Reliability Laboratory, Kumoh National Institute of Technology (KIT), Republic of Korea. Figure 2 illustrates the experimental setup and data acquisition process.
Figure 2. Experimental setup and data acquisition process.
Five pumps were operated under the conditions summarized in Table 2, while vibrations signals were collected from the respective casings from high-sensitivity accelerometers with the aid of a NI CompactDAQ 9178 and LabVIEW interface.
Table 2. Pump Running Conditions.
At room temperature and standard humidity level (as suggested by the KS A 0006 environmental standards for tests [36]), the experiments were conducted for approximately 10 days. A full description of the experimental procedure and results can be found in [4].

4.1. Signal Preprocessing and FDI

The vibration signals produced by the solenoid pumps are characterized by different wave-forms and amplitudes; however, using them in their raw unprocessed form will not contribute to the intended work purpose. Analyses from previous studies suggest the need for normalization. This simple but significant signal preprocessing step scales the signal values to a range of { 0 , 1 }, thereby reducing redundancy while also presenting the signals in a format compatible with the hybrid model. Consequently, the raw vibration signals are normalized, labeled appropriately, and decomposed into small frames. These frames are then fed simultaneously to the CNN and DNN models for parallel training.
As DNNs are less affected by inputs with dynamic transient behaviour than the CNN while CNNs are not easily fooled by inputs with high dependence on a priori knowledge (unlike the DNN) [26], the hybrid model mitigates both models’ limitations with better FDI accuracy.

4.2. Test Results

Multiple empirical analyses were performed to confirm the effectiveness of the proposed model. These included a comparison between the proposed hybrid model and its constituent standalone models, past models [4,17] employed for the same purpose, and discussions on the overall investigation/study. Following a successful training and testing (over a 10-fold cross-validation), Figure 3 shows the validation accuracy and losses of the hybrid model and the standalone CNN and DNN models over 200 iterations.
Figure 3. Test/validation progress of proposed model and standalone models over 200 iterations. (a) accuracy and (b) loss.
As observed in Figure 3a, the accuracy of the hybrid model during over the iterations are comparatively higher than the standalone models. This comparative efficiency is also observed in Figure 3b where the hybrid model’s losses over the iterations are relatively lower. Overall, the average test accuracy of the hybrid model, CNN, and DNN models over a 10-fold cross-validation was 92%, 90.1%, and 88.9%, respectively. These provide reliable insights on the superiority of the hybrid model; however, we conducted more in-depth comparative analysis on the models using other standard classification evaluation metrics.
Although accuracy provides an insight on the model’s comparative efficiencies, more metrics were employed to better understand the local and global performance of the model from different perspectives. Metrics like precision, recall, and F1-score provide reliable global classifier evaluation tools. While precision refers to the percentage of the predicted outputs that are relevant and recall refers to the percentage of total model predictions that are correctly classified, F1-score is another measure of the model’s accuracy particularly for unbalanced data-sets. Invariably, F1-score is a more reliable metric for assessing global prediction accuracy of a model. Figure 4 provides a comparative summary of of the models over 200 iterations using the metrics recall, F1-score, and precision.
Figure 4. Test/validation progress of proposed model and standalone models over 200 iterations. (a) Recall (b) F1-score, and (c) Precision.
A visual observation of the green, blue, and red lines representing the training history for the CNN, DNN, and D-dCNN models, respectively, the superiority of the D-dCNN model is quite obvious as it returns the highest validation scores throughout the iteration process for recall, F1-score, and precision (see Figure 4a–c, respectively). In addition, it is also observed there are less stochasticity (low variance in the training history plots) from the proposed model unlike the other standalone models. This also hints at the model’s stability—a yet another important criteria for trusting a model for real-life use.
Beyond the importance of global assessments for diagnostic models, it is also necessary to (as much as possible), assess their local diagnostic efficiencies. The confusion matrix provides a summary of the individual class predictions for class-specific judgments/evaluations. It provides a visual platform for assessing the true positives, true negatives, false positives, and false negatives for each class prediction. To better assess the models’ class-specific predictive performance by the proposed model, Figure 5 present respective confusion matrices for the proposed model and standalone models.
Figure 5. Confusion matrices on test samples from (a) DNN model (b) CNN model, and (c) D-dCNN model.
As observed in Figure 4, although the hybrid model (in red lines) retains its superior performance above the other models throughout the the iterations, a closer look at Figure 5c shows there are more false alarms for the pump VSC-3-CLOG with only ≈11% correctly classified samples; nonetheless, this is more acceptable than the 9.56 % and 10 % correctly predicted samples produced by the DNN and CNN models, respectively (see Figure 5a,b). A more detailed (averaged) performance evaluation of the models on each operating condition (class) is provided in Table 3.
Table 3. Classification performance summary of diagnostic models on each operating conditions.
As shown, the performance of the models across the various pump operating conditions reveal the better diagnostic efficiencies of the hybrid model over the standalone models and more interestingly, the model SVM–RBF employed in [4] for the same purpose.
Contrary to the shallow opinion that standalone models offer cost efficiency, the authors believe that the marginal extra computational costs associated with the proposed model is quite negligible in comparison with the high predictive accuracies which the model offers. The analyses conducted in this study were made in the Python-based deep learning library Keras with Tensorflow back-end to provide compatibility with GPU environments on a PC whose specification is summarized in Table 4. Table 4 also contains the recorded computation times for the models, respectively.
Table 4. Specification of computational hardware used.
As shown in Table 4, under the same environment and computational capacity on the same data set, the DNN and CNN complete their respective tasks in 29.6 s and 33.8 s, respectively. In comparison, they are about 16% and 4% faster then the proposed D-dCNN model which completes the same task in 35.2 s. One may argue in favor of using either of the standalone models as they are both more time-efficient; however, considering the increasing need for optimum model trustworthiness especially in industrial safety-critical conditions, the authors believe a more accurate model would be more preferable even at the expense of a marginal increase in computational costs which can be readily compensated for by upgrading computational resources.

5. Discussions and Open Issues

The comprehensive goal of our work is to model a high performing hybrid classifier that can effectively and readily predict fault conditions of ICPS equipment/components from vibration measurements with minimal cognitive experience. The case study presented in this study validates the model’s robustness (with minimal losses) for solenoid pump diagnostics with extensive empirical assessments; however, the authors believe the following shortcomings should be put into consideration:
  • Stochasticity: Just as it is experienced in virtually all ANNs, stochastic learning process (due to random weight initialization) is a significant factor worthy of consideration when using the proposed model [31,33,34]. It often causes ANN models to produce new (but closely related) prediction outputs for every run. Although cross-validation provides a reliable control paradigm for ensuring model reliability, the overall computational time—time for a complete trial + time for the multiple cross-validation trials—poses significant concerns for real-time applicability. For instance, the effect of stochasticity can be observed in Figure 3a and Figure 4 for all the models’ iteration results. Observing the iteration progress for the proposed model in all the figures (in red), it can be seen that at around the 70th and 150th iterations, respectively, there are some spikes which the authors believe were attempts made by the model to further minimize the cost function in Equation (4) but was fairly (on average) maintained uniform (approximate) validation scores of 92%, respectively. Overall, when compared with the standalone models, it is also observed there are less stochasticity (low variance in the training history plots) from the proposed model. This also hints at the model’s stability—a yet another important criteria for trusting a model for real-life use [20].
  • Parameterization: To date, no globally acceptable paradigm for optimal hyperparameter selection (and optimization) for ANNs exist and this has resulted in overfitting (in attempts to achieve high model accuracy) and underfitting (in attempts to minimize computational times). These conflicting challenges, although they may be controlled by Dropout and batch normalization, should be considered when using the proposed model [15]. Ideally, this study does not claim that the proposed model (in the recorded configuration herein) outperforms all DNN and CNN standalone models (and their various configurations) as the authors believe there are diverse model configurations out there for comparison. In reality, it would be futile to even attempt to assess and compare all standalone variants; however, under similar configurations of constituent DNN and CNN models, the proposed D-dCNN model provides more stable, reliable, and accurate FDI prediction results as verified in the cases study.
  • Non-generality: From the results recorded herein, five (5) failure modes were considered for analysis with remarkable diagnostic results from the model. Considering that passive parameter/condition control improves a diagnostics/prognostics scheme (as the faults were pre-designed), the possibility for online performance of the proposed model is still limited since other failure modes are yet to be accounted for. This presents an opportunity for continued research towards assessing the proposed model’s efficiencies.
With the findings in this study and strong theoretical support, we believe the proposed hybrid model provides a more reliable alternative to standalone DNN and CNN models for FDI. Although the results verify its effectiveness on vibration signals, it is uncertain at how much reliable the model would perform on different sensor measurements like temperature, pressure, etc.; however, the model’s ability to mitigate each constituent ANN’s weaknesses by pooling their strengths respectively provides a superior motivation for exploring its effectiveness for FDI cases whereby vibration sensors measurements are not available. With signal processing and data manipulation techniques available for diverse applications, the authors believe the model would flourish just as much (if not better) for other sensor measurements.

6. Conclusions and Future Works

Accurate vibration monitoring and fault detection/isolation demand reliable feature extraction and diagnostic technologies. Against the traditional approach of integrating handcrafted features with machine learning/Bayesian classifiers, deep learning-based algorithms provide better feature learning and diagnostic efficiencies.
This study presents a novel hybrid diagnostic tool—D-dCNN—for ICPS equipment diagnostics which consists of parallel DNN and CNN models with SoftMax Averaging at the concatenation layer for better feature learning and diagnostic efficiencies. With extensive empirical validations, the proposed hybrid model’s strengths were validated on vibration signals from a practical case study with reliable results. Theoretical implications as well as possible extended practical applications of the model were discussed.
The proposed model receives one-dimensional vibration signals as inputs and computes complex neuron–neuron feature extraction simultaneously by the DNN and DNN modules, respectively. These features are received at the fully connected layers for Softmax-activated multi-class predictions which are then averaged for optimal target class prediction. The model’s performance are compared with its constituent stand–alone models (and other reliable model(s)) using diverse evaluation metrics. Results on a case study reveal the model’s superior predictive advantages; however, this advantage comes with increased marginal computational costs.
While future research shall be aimed at obtaining more experimental data to cover other failure modes not recorded herein, ongoing studies are aimed at exploring the model’s efficiencies beyond vibration signals while also exploring improvement options for the model to account for its limitations. From a deeper perspective, considering that passive parameter/condition control improves a diagnostics/prognostics scheme (as the faults were pre-designed), the possibility for online performance is still limited. Therefore, future research directions would be geared towards investigating a more real-time functionality for the proposed model.

Author Contributions

Conceptualization, U.E.A.; methodology, U.E.A.; software, U.E.A.; formal analysis, U.E.A.; investigation, U.E.A.; resources, U.E.A. and J.-W.H.; data curation, U.E.A.; writing—original draft, U.E.A.; writing—review and editing, U.E.A. and J.-W.H.; visualization, U.E.A.; supervision, J.-W.H.; project administration, J.-W.H.; funding acquisition, J.-W.H. All authors have read and agreed to the published version of the manuscript.

Funding

This research was supported by the MSIT (Ministry of Science and ICT), Korea, under the Grand Information Technology Research Center support program (IITP-2020-2020-0-01612) supervised by the IITP (Institute for Information & communications Technology Planning & Evaluation).

Institutional Review Board Statement

Not applicable.

Data Availability Statement

The data presented in this study are available on request from the corresponding author. The data are not publicly available due to laboratory regulations.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Yin, S.; Rodríguez-Andina, J.; Jiang, Y. Real-Time Monitoring and Control of Industrial Cyberphysical Systems: With Integrated Plant-Wide Monitoring and Control Framework. IEEE Ind. Electron. Mag. 2019, 13, 38–47. [Google Scholar] [CrossRef]
  2. Guo, J.; Li, Z.; Li, M. A Review on Prognostics Methods for Engineering Systems. IEEE Trans. Reliab. 2020, 69, 1110–1129. [Google Scholar] [CrossRef]
  3. Khaire, U.M.; Dhanalakshmi, R. Stability of feature selection algorithm: A review. J. King Saud Univ.-Comput. Inf. Sci. 2019. [Google Scholar] [CrossRef]
  4. Akpudo, U.E.; Hur, J. A Cost-Efficient MFCC-Based Fault Detection and Isolation Technology for Electromagnetic Pumps. Electronics 2021, 10, 439. [Google Scholar] [CrossRef]
  5. Akpudo, U.E.; Hur, J. An Automated Sensor Fusion Approach for the RUL Prediction of Electromagnetic Pumps. IEEE Access 2021, 9, 38920–38933. [Google Scholar] [CrossRef]
  6. Mahony, N.O.; Campbell, S.; Carvalho, A.; Harapanahalli, S.; Velasco-Hernández, G.; Krpalkova, L.; Riordan, D.; Walsh, J. Deep Learning vs. Traditional Computer Vision. arxiv 2019, arXiv:1910.13796. [Google Scholar] [CrossRef] [Green Version]
  7. Sewak, M.; Sahay, S.K.; Rathore, H. Comparison of Deep Learning and the Classical Machine Learning Algorithm for the Malware Detection. In Proceedings of the 2018 19th IEEE/ACIS International Conference on Software Engineering, Artificial Intelligence, Networking and Parallel/Distributed Computing (SNPD), Busan, Korea, 27–29 June 2018; pp. 293–296. [Google Scholar] [CrossRef] [Green Version]
  8. Weigold, M.; Ranzau, H.; Schaumann, S.; Kohne, T.; Panten, N.; Abele, E. Method for the application of deep reinforcement learning for optimised control of industrial energy supply systems by the example of a central cooling system. CIRP Ann. 2021, 70, 17–20. [Google Scholar] [CrossRef]
  9. Medrano, R.; Aznarte, J.L. A spatio-temporal attention-based spot-forecasting framework for urban traffic prediction. Appl. Soft Comput. 2020, 96, 106615. [Google Scholar] [CrossRef]
  10. Cabaneros, S.M.; Calautit, J.K.; Hughes, R. A review of artificial neural network models for ambient air pollution prediction. Environ. Model. Softw. 2019, 119, 285–304. [Google Scholar] [CrossRef]
  11. Ahishakiye, E.; Bastiaan, M.B.; Tumwiine, J.; Wario, R.; Obungoloch, J. A survey on deep learning in medical image reconstruction. Intell. Med. 2021. [Google Scholar] [CrossRef]
  12. Kim, H.; Lee, W.; Kim, M.; Moon, Y.; Lee, T.; Cho, M.; Mun, D. Deep-learning-based recognition of symbols and texts at an industrially applicable level from images of high-density piping and instrumentation diagrams. Expert Syst. Appl. 2021, 183, 115337. [Google Scholar] [CrossRef]
  13. Sharma, O. Deep Challenges Associated with Deep Learning. In Proceedings of the 2019 International Conference on Machine Learning, Big Data, Cloud and Parallel Computing (COMITCon), Faridabad, India, 14–16 February 2019; pp. 72–75. [Google Scholar] [CrossRef]
  14. Vikas, R.D.; Kundan, P.; Pratik, K.; Atharva, R.; Amod, R. Failure analysis of fuel pumps used for diesel engines in transport utility vehicles. Eng. Fail. Anal. 2019, 105, 1262–1272. [Google Scholar] [CrossRef]
  15. Akpudo, U.E.; Hur, J.W. Towards bearing failure prognostics: A practical comparison between data-driven methods for industrial applications. J. Mech. Sci. Technol. 2020, 34, 4161–4172. [Google Scholar] [CrossRef]
  16. Chen, H.; Jiang, B.; Ding, S.X.; Huang, B. Data-Driven Fault Diagnosis for Traction Systems in High-Speed Trains: A Survey, Challenges, and Perspectives. IEEE Trans. Intell. Transp. Syst. 2020. [Google Scholar] [CrossRef]
  17. Akpudo, U.; Jang-Wook, H. A Multi-Domain Diagnostics Approach for Solenoid Pumps Based on Discriminative Features. IEEE Access 2020, 8, 175020–175034. [Google Scholar] [CrossRef]
  18. Jiang, Y.; Yin, S.; Kaynak, O. Data-Driven Monitoring and Safety Control of Industrial Cyber-Physical Systems: Basics and Beyond. IEEE Access 2018, 6, 47374–47384. [Google Scholar] [CrossRef]
  19. Wang, D.; Tsui, K.L. Two novel mixed effects models for prognostics of rolling element bearings. Mech. Syst. Signal Process. 2018, 99, 1–13. [Google Scholar] [CrossRef]
  20. Ribeiro, M.T.; Singh, S.; Guestrin, C. Why Should I Trust You: Explaining the Predictions of Any Classifier. arXiv 2016, arXiv:1602.04938. [Google Scholar]
  21. Han, T.; Liu, C.; Yang, W.; Jiang, D. Deep transfer network with joint distribution adaptation: A new intelligent fault diagnosis framework for industry application. ISA Trans. 2020, 97, 269–281. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  22. Wei, Y.; Zhang, Y.; Yang, Q. Learning to Transfer. arXiv 2017, arXiv:1708.05629. Available online: https://arxiv.org/abs/1708.05629 (accessed on 13 October 2020).
  23. Han, T.; Liu, C.; Yang, W.; Jiang, D. An adaptive spatiotemporal feature learning approach for fault diagnosis in complex systems. Mech. Syst. Signal Process. 2019, 117, 170–187. [Google Scholar] [CrossRef]
  24. Rai, R.; Sahu, C.K. Driven by Data or Derived Through Physics? A Review of Hybrid Physics Guided Machine Learning Techniques With Cyber-Physical System (CPS) Focus. IEEE Access 2020, 8, 71050–71073. [Google Scholar] [CrossRef]
  25. Suganthi, M.; Sathiaseelan, J. An Exploratory of Hybrid Techniques on Deep Learning for Image Classification. In Proceedings of the 2020 4th International Conference On Computer, Communication And Signal Processing (ICCCSP), Tamilnadu, India, 28–29 September 2020; pp. 1–4. [Google Scholar] [CrossRef]
  26. Jirak, D.; Wermter, S. Potentials and Limitations of Deep Neural Networks for Cognitive Robots. arXiv 2018, arXiv:1805.00777. Available online: https://arxiv.org/abs/1805.00777 (accessed on 12 April 2020).
  27. Njoku, J.; Morocho-Cayamcela, M.; Lim, W. CGDNet: Efficient Hybrid Deep Learning Model for Robust Automatic Modulation Recognition. IEEE Netw. Lett. 2021, 3, 47–51. [Google Scholar] [CrossRef]
  28. Bhardwaj, A.; Mangat, V.; Vig, R. Hyperband Tuned Deep Neural Network with Well Posed Stacked Sparse AutoEncoder for Detection of DDoS Attacks in Cloud. IEEE Access 2020, 8, 181916–181929. [Google Scholar] [CrossRef]
  29. Zhang, Y.; Zhou, Y.; Lu, H.; Fujita, H. Traffic Network Flow Prediction Using Parallel Training for Deep Convolutional Neural Networks on Spark Cloud. IEEE Trans. Ind. Inform. 2020, 16, 7369–7380. [Google Scholar] [CrossRef]
  30. Kang, B.; Jeong, J.; Jeong, C. Distributed Parallel Deep Learning for Fast Extraction of Similar Weather Map. In Proceedings of the 2018 IEEE Region 10 Conference, Jeju, Korea, 28–31 October 2018; pp. 1426–1429. [Google Scholar] [CrossRef]
  31. Gavrishchaka, V.; Yang, Z.; Miao, R.; Senyukova, O. Advantages of hybrid deep learning frameworks in applications with limited data. Int. J. Mach. Learn. Comput. 2018, 8, 549–558. [Google Scholar] [CrossRef]
  32. Tang, S.; Yuan, S.; Zhu, Y. Convolutional Neural Network in Intelligent Fault Diagnosis Toward Rotatory Machinery. IEEE Access 2020, 8, 86510–86519. [Google Scholar] [CrossRef]
  33. Panda, P.; Aketi, S.; Roy, K. Toward Scalable, Efficient, and Accurate Deep Spiking Neural Networks with Backward Residual Connections, Stochastic Softmax, and Hybridization. Front. Neurosci. 2020, 14, 653. [Google Scholar] [CrossRef] [PubMed]
  34. Verma, A.; Liu, Y. Hybrid deep learning ensemble model for improved large-scale car recognition. In Proceedings of the 2017 IEEE SmartWorld, Ubiquitous Intelligence Computing, Advanced Trusted Computed, Scalable Computing Communications, Cloud Big Data Computing, Internet Of People And Smart City Innovation (SmartWorld/SCALCOM/UIC/ATC/CBDCom/IOP/SCI), San Francisco, CA, USA, 4–8 August 2017; pp. 1–7. [Google Scholar] [CrossRef]
  35. Chen, C.H.; Lin, P.H.; Hsieh, J.G.; Cheng, S.L.; Jeng, J.H. Robust Multi-Class Classification Using Linearly Scored Categorical Cross-Entropy. In Proceedings of the 2020 3rd IEEE International Conference on Knowledge Innovation and Invention (ICKII), Kaohsiung, Taiwan, 21–23 August 2020; pp. 200–203. [Google Scholar] [CrossRef]
  36. KS A 0006:2001. K. Standard Atmospheric Conditions for Testing. Korean Agency For Technology And Standard, Eumseong-gun, Republic Of Korea. 2014, pp. 1–2. Available online: https://infostore.saiglobal.com/en-us/standards/ks-a-0006-2001-639645_saig_ksa_ksa_1524462/ (accessed on 13 January 2021).
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Article Metrics

Citations

Article Access Statistics

Multiple requests from the same IP address are counted as one view.