Next Article in Journal
A Novel Multiband Fusion Method Considering Scattering Characteristic Fluctuation Between Sub-Bands
Previous Article in Journal
Research on the Design of Micromixer Based on Acoustic Streaming-Driven Sharp-Edge Structures
Previous Article in Special Issue
Amplitude Normalization for Speed-Induced Modulation in Rotating Machinery Measurements
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

An Upper-Probability-Based Softmax Ensemble Model for Multi-Sensor Bearing Fault Diagnosis

by
Hangyeol Jo
1,†,
Yubin Yoo
2,†,
Miao Dai
1 and
Sang-Woo Ban
1,3,*
1
Department of Information & Communication Engineering, Graduate School, Dongguk University, Gyeongju 38066, Republic of Korea
2
Electronics and Telecommunications Research Institute (ETRI), Gwangju 61012, Republic of Korea
3
Department of Electronics, Information & Communication Engineering, Dongguk University, Gyeongju 38066, Republic of Korea
*
Author to whom correspondence should be addressed.
These authors contributed equally to this work.
Sensors 2025, 25(22), 6887; https://doi.org/10.3390/s25226887
Submission received: 22 September 2025 / Revised: 27 October 2025 / Accepted: 10 November 2025 / Published: 11 November 2025
(This article belongs to the Special Issue Smart Sensors for Machine Condition Monitoring and Fault Diagnosis)

Abstract

In bearing fault diagnosis for rotating machinery, multi-sensor data—such as acoustic and vibration signals—are increasingly leveraged to enhance diagnostic performance. However, existing methods often rely on complex network architectures and incur high computational costs, limiting their applicability in real-time industrial environments. To address these challenges, this study proposes a lightweight and efficient multi-sensor ensemble framework that achieves high diagnostic accuracy while minimizing computational overhead. The proposed method transforms vibration and acoustic signals into spectrograms, which are independently processed by modality-specific lightweight convolutional neural networks (CNNs). The softmax outputs from each classifier are integrated using an AdaBoost-based ensemble strategy that emphasizes high-confidence predictions and adapts to sensor-specific misclassification patterns. Experimental results on benchmark datasets—UORED-VAFCLS, KAIST, and an in-house bearing dataset—demonstrate an average classification accuracy exceeding 99.90%, with notable robustness against false positives and missed detections. Furthermore, the framework significantly reduces resource consumption in terms of FLOPs, inference latency, and model size compared to existing state-of-the-art multi-sensor fusion approaches. Overall, this work presents a practical and deployable solution for real-time bearing fault diagnosis, balancing classification performance with computational efficiency without resorting to complex feature fusion mechanisms.

1. Introduction

Vibration signals are among the most widely used sensory modalities in condition monitoring and fault diagnosis of mechanical systems such as wind turbines, industrial rotating machinery, and transportation systems. Due to their high responsiveness to dynamic state changes and suitability for real-time monitoring, vibration signals are especially effective in detecting incipient faults [1,2,3]. With the advancement of signal processing and deep learning techniques, vibration-based fault diagnosis methods—particularly those employing convolutional neural networks (CNNs) with attention mechanisms—have demonstrated superior performance in identifying faults in rotating systems [4,5,6,7,8,9,10].
However, in practical industrial environments, sensor signals are frequently distorted due to factors such as differences in sensor mounting positions, structural complexity, and transmission paths [11,12]. Moreover, although bearing vibration is directly caused by faults, it is also influenced by various factors, including elastic deformation of the shaft or supporting structure, assembly errors, and unbalanced loads [13]. For these reasons, various studies have recently been conducted to simultaneously ensure interpretability and adaptive learning capability. Chen et al. [14] proposed a wavelet-based Kolmogorov–Arnold CNN–LSTM model that achieved robustness and interpretability even under noisy environments; however, its structural complexity limited real-time applicability. To alleviate such structural complexity, Zhang et al. [15] improved generalization performance through a spectrum distribution preservation CNN (SDP-CNN), yet the model was restricted to a single-sensor structure, thereby failing to exploit the complementarity among multiple signals. Li et al. [16] analyzed the vibration behavior of gas microturbines under different fuel conditions, demonstrating physical validity, but a data-driven intelligent fusion framework was not incorporated. Wang et al. [17] achieved high accuracy under varying load conditions using an adaptive attention CNN–LSTM model; nevertheless, computational complexity and real-time applicability remained constrained.
Due to the limitation of a single sensor, recent studies have focused on multi-sensor fault diagnosis methods that combine vibration and acoustic signals, as well as techniques such as domain adaptation, transfer learning, and ensemble learning [18,19,20,21]. Acoustic signals are particularly effective in capturing high-frequency components generated by bearing defects and can support early fault detection. However, they are also susceptible to external noise and structural reflections, which may degrade diagnostic accuracy in real-world environments [5].
To enhance diagnostic performance, fusion-based approaches have been proposed, typically classified into data-level, feature-level, and decision-level fusion [19,22,23,24]. Data-level fusion directly integrates raw signals collected from each sensor to extract features, which minimizes information loss but suffers from high computational cost. Feature-level fusion combines independently extracted feature vectors from individual sensors to enhance classification performance; however, the structural complexity increases due to the high-dimensional feature concatenation [24]. In contrast, decision-level fusion improves diagnostic reliability by combining the prediction results of sensor-specific classifiers [24]. Although this approach enables robust prediction without complex feature aggregation, it typically employs static weighted averaging, which fails to reflect sensor-specific reliability differences and misclassification tendencies. Representative studies for each fusion level, along with sensor configurations, key characteristics, and limitations, are summarized in Table 1.
Despite the progress in multi-sensor fusion, several challenges hinder its practical industrial application. First, feature fusion approaches are sensitive to noise or outliers from individual sensors, which may degrade overall model performance. Second, these models often assume equal importance across sensors, disregarding modality-specific reliability. Third, tightly coupled model architectures lack modularity, requiring retraining when sensors are added or replaced. Fourth, diagnostic errors are difficult to trace to either sensor input quality or model limitations, complicating fault mitigation. These factors collectively compromise diagnostic consistency and maintainability.
To address these challenges, this study proposes a novel decision-level ensemble framework that utilizes softmax prediction distributions from sensor-specific CNN classifiers. Instead of integrating raw or feature-level data, the proposed approach uses the probabilistic outputs as candidate representations, allowing for meaningful signal information to be retained—even for misclassified samples. By employing AdaBoost, which iteratively reweights training samples based on classification error, the model enhances its generalization capability and robustness to sensor-specific misclassification tendencies [31,32].
The major contributions of this study are summarized as follows:
  • Uncertainty-Aware Predictive Augmentation: Rather than relying solely on the most probable class, the proposed approach incorporates the top two high-confidence predictions from each sensor-specific model. This mechanism facilitates more stable and reliable decisions, particularly under noisy or ambiguous input conditions.
  • Sensor Reliability-Aware Decision Weighting: The influence of each sensor’s prediction in the final ensemble decision is adaptively adjusted based on its individual classification performance, enabling the system to place greater trust in more reliable sensors.
  • Adaptive Boosting-Based Integration: Through an iterative AdaBoost-based process, the ensemble framework progressively corrects sensor-specific misclassifications, achieving enhanced diagnostic robustness without relying on complex feature extraction or fusion pipelines.
  • Architectural Simplicity and Computational Efficiency: By operating directly on the prediction-level outputs of individual models, the framework eliminates the need for deep or fused intermediate representations. This design significantly reduces computational overhead while maintaining high diagnostic accuracy, rendering the approach suitable for real-time industrial applications.
Comprehensive experimental evaluations conducted on three datasets demonstrate that the proposed framework achieves comparable classification accuracies exceeding 99.9%. Moreover, it consistently outperforms existing state-of-the-art multi-sensor fusion approaches in terms of computational efficiency and scalability.

2. Methods

This section describes the overall architecture and procedural framework of the proposed model, which extracts the confident class probabilities from the softmax output distributions of vibration and acoustic signals and uses them as quantitative features for an AdaBoost ensemble classifier. Instead of relying solely on the highest-probability prediction, the model emphasizes high-confidence predictions across multiple class candidates, thereby retaining informative cues even in uncertain or ambiguous cases. The overall framework consists of three modular components, as illustrated in Figure 1.
The first component, the Pre-processing module, applies the Short-Time Fourier Transform (STFT) to the raw vibration and acoustic signals acquired from each sensor, converting them into two-dimensional spectrograms with time-frequency resolution. This transformation is intended to effectively represent the nonlinear and nonstationary fault characteristics typically observed in rotating machinery systems.
The second component, the Feature Extraction module, employs independently constructed CNN classifiers f ( l ) ( x ( l ) ) for each sensor to output softmax probability distributions P l . However, the distribution of softmax outputs is highly dependent on model architecture, network capacity, and dataset characteristics, making a universal fixed k impractical. Consequently, it is essential to determine which portion of the softmax distribution provides the most reliable diagnostic information under given conditions. Our analysis indicates that relying solely on the Top-1 prediction may discard valuable alternatives and yield unstable decisions, whereas incorporating additional high-confidence predictions compensates for misclassifications, reduces predictive uncertainty, and enhances inference stability. Simultaneously, indiscriminate expansion of k increases input dimensionality and memory requirements while offering only marginal gains in accuracy. To address these trade-offs, the proposed framework implements an adaptive k-selection strategy, wherein the number of retained predictions is dynamically determined based on the reliability of the softmax distribution.
Across the three datasets evaluated in this study, the majority of diagnostic improvements were consistently achieved by considering the Top-2 softmax outputs, with negligible additional gains observed beyond this threshold. Accordingly, although the framework is capable of adaptively accommodating varying conditions, the Top-2 configuration is adopted as a practical and empirically validated instantiation of the adaptive strategy, ensuring both diagnostic robustness and computational efficiency.
Each softmax vector is scaled by a reliability weight β l , which reflects the classification performance of the corresponding sensor model. The most confident class probabilities from each scaled softmax distribution are selected and concatenated to form the final ensemble input vector z . The third component, the AdaBoost-based Decision module, iteratively trains weak classifiers T m using the input vector z , while updating the sample weights w ( m ) in each iteration. The final decision classifier C determines the fault class based on the weighted predictions. By directly leveraging softmax distributions, the proposed model compensates for misclassification tendencies and enables reliability-aware decision-making that considers the heterogeneity of different sensor modalities.
Each CNN classifier is independently trained for its respective sensor modality, and final diagnosis is performed in the decision-making stage using the softmax probability distributions from individual classifiers as inputs. Conventional fusion approaches typically require simultaneous and reliable acquisition of signals from all sensors to construct a unified feature vector; consequently, sensor failures or delays directly degrade diagnostic performance due to this structural dependency. In contrast, the proposed framework is capable of decision-making even when the softmax output from a particular sensor is unavailable, relying solely on the outputs of remaining sensors. Importantly, the softmax-based input preserves the probabilistic information of each sensor independently, allowing the utilization of learned feature representations from a single CNN classifier when only one sensor is operational. This design renders the proposed model applicable to both multi-sensor and single-sensor environments.
Vibration and acoustic signals, as representative nonlinear time-series data, reflect the operational state of rotating machinery and exhibit complex, nonlinear variations over time. Even under identical fault conditions, signal amplitude and distribution can vary across sensors due to factors such as attachment position, sensitivity, and structural transmission paths in real industrial settings. These sensor-specific discrepancies may introduce scale mismatches prior to feature extraction, potentially resulting in information imbalance and biased predictions during the learning process.
To address these challenges, Z-score normalization was applied to each sensor signal, standardizing all input data to have a mean of zero and a standard deviation of one. This normalization mitigates discrepancies in sensor representation. Z-score normalization is defined in Equation (1), where each sensor data point x is transformed based on the overall mean μ and standard deviation σ .
X = x μ σ
Moreover, bearing fault signals exhibit non-stationary behavior, with their frequency components changing irregularly over time. As a result, relying solely on frequency-domain analysis is often insufficient to capture the complete information inherent in such signals. To facilitate analysis in both the time and frequency domains, the STFT was applied. STFT divides the entire signal into fixed-size windows and performs the Fourier Transform on each segment, enabling the extraction of time-varying spectral features. This approach effectively captures the nonlinear and non-stationary fault patterns present in the signal. STFT can be defined mathematically as shown in Equation (2) [6,33].
X n , ω = m = 0 N 1 x n + m s ( m ) e j ω m
In this formulation, x [ n + m ] denotes the input signal, s m   represents the window function and ω   denotes the frequency. The output of the STFT is represented as a two-dimensional spectrogram containing both time and frequency information.

2.1. Architecture of Individual CNN Models

To verify the validity of the proposed method, a CNN model based on a single sensor was implemented. The normalized vibration and acoustic signals were each converted into spectrograms and fed into CNN classifiers of identical structure. As shown in Figure 2, each model consists of three convolutional layers and two fully connected layers. In this study, a CNN architecture commonly used in diagnostic applications was adopted [6,34,35,36]. This architecture follows a general framework that is not restricted to a specific dataset or sensor type and can be extended to various multivariate signals or multiple sensor inputs.
Each sensor-specific CNN classifier consists of three convolutional layers, sequentially applying 128 and 64 filters of size 3 × 3, followed by 32 filters of size 1 × 1. The Rectified linear unit (ReLU) activation function is used in all convolutional layers. To mitigate overfitting and improve generalization performance, a dropout layer was applied after each convolutional layer. The fully connected layers consisted of two hidden layers with 256 nodes each, and a final softmax output layer. The Adam optimizer was employed for model training.
The CNN model used in this study was implemented in a manner consistent with the general single-sensor-based CNN architectures commonly adopted in the literature. No additional structural optimizations or advanced design techniques were applied. This approach is designed to ensure a reliable analysis of the softmax output distributions by applying an identical CNN architecture to each sensor, thereby maintaining consistency when extracting and analyzing the top-ranked probability information.
Although the CNN model itself is based on conventional designs used in existing diagnostic methods, the unique contribution of this study lies in selectively extracting the top-ranked softmax probabilities and integrating them into the AdaBoost ensemble. This approach was designed to systematically address the prediction uncertainties and potential misclassification tendencies that may arise in single-sensor-based classifiers.

2.2. Softmax-Based Ensemble Modeling

Vibration and acoustic signals used in rotating machinery diagnostics exhibit distinct sensitivities and frequency response characteristics. Even under identical fault conditions, their time-frequency representations can vary significantly across sensors. These heterogeneous characteristics offer complementary diagnostic information that can mitigate the limitations of single-sensor approaches. However, conventional fusion methods—such as naive aggregation or uniform weighting—fail to fully capture the physical distinctions and reliability variations across sensors, thereby imposing structural limitations on diagnostic performance.
To enable effective multi-sensor fault diagnosis, a computational framework is required that can quantitatively adjust the contribution of each sensor based on its predictive reliability and the uncertainty inherent in its softmax probability distribution. To meet this requirement, this paper proposes an AdaBoost-based ensemble architecture that leverages the upper-ranked softmax probabilities from individual classifiers [37,38]. By integrating softmax outputs and classifier-level accuracy into a weighted ensemble input representation, the proposed model aims to enhance diagnostic accuracy.
To address the variability and complementary characteristics of vibration and acoustic signals, this study adopts an AdaBoost ensemble learning framework, integrating sensor-specific classification outputs based on upper-probability softmax distributions.
(1)
Sensor-Wise softmax prediction
The training set is denoted as { ( x i , y i ) } i = 1 n , where x i R d is the spectrogram input of the i -th sample and y i 0,1 , 2 , , K is the ground-truth label for x i . Here, L denotes the number of sensors used—such as vibration and acoustic—and f ( l ) refers to the softmax-based CNN classifier associated with sensor l . Each classifier outputs a class-probability distribution, which is represented in Equation (3):
P i ( l ) = f ( l ) x i = p i , 1 ( l ) , p i , 2 ( l ) . . . , p i , K ( l )
where p i , K ( l ) denotes the predicted probability that input xi belongs to class K , as estimated by classifier f ( l ) .
(2)
Classifier weighting based on accuracy
Let A l   denote the standalone accuracy of classifier f ( l ) . Then the normalized ensemble weight β l for classifier f ( l ) is computed according to Equation (4).
β l = A l j = 1 L A j
(3)
Concatenated ensemble inputs
The weighted softmax outputs from all classifiers are concatenated to form the ensemble input vector, as shown in Equation (5):
z i = [ β 1 P i ( 1 ) β 2 P i ( 2 ) β L P i ( L ) ]
where denotes vector concatenation and L represents the number of sensors. This vector z i is then fed into an AdaBoost-based meta-classifier.
(4)
AdaBoost training process
The ensemble consists of M weak learners T m m = 1 M . Each learner is iteratively trained with updated sample weights w i ( m ) . The initial sample weight w i ( 1 ) = l = 1 L β l is determined by incorporating the softmax prediction accuracy of each individual classifier. The misclassification rate of the m -th weak classifier, ε ( m ) , is computed by Equation (6):
ε ( m ) = i = 1 n w i ( m ) · I ( T m ( z i ) y i )
where I is an indicator function that returns 1 if the condition is true, and 0 otherwise.
The classifier confidence weight α m , which determines the contribution of the m -th classifier, is computed according to Equation (7):
α m = 1 2 l n 1 ε ( m ) ε ( m )
The classifier confidence weight α m is used for final voting, as shown in Equation (9), as well as for a sample weight, as shown in Equation (8).
Finally, the sample weight is updated for the next iteration according to Equation (8):
w i ( m + 1 ) = w i ( m ) · e x p ( α ( m ) · I T m z i y i )
This formulation increases the weight of misclassified samples, allowing the next learner to focus more on difficult cases.
(5)
Final Ensemble prediction
The final class prediction is obtained by aggregating the votes of all weak classifiers, weighted by their respective confidences, as shown in Equation (9):
C x i = argmax C { 1,2 , , K } m = 1 M α m · I T m z i = c
This weighted majority voting scheme ensures that stronger classifiers have a greater influence on the final prediction.
The proposed ensemble model is implemented using the AdaBoost classifier from the scikit-learn 1.3 library in Python 3.8, with 100 estimators, a learning rate of 1.0, and the SAMME.R algorithm, which supports softmax-based boosting. This configuration enables effective ensemble learning with high classification accuracy and computational efficiency.

3. Experiments

To comprehensively assess the performance of the proposed AdaBoost-based ensemble model with upper-probability-based softmax outputs, three experimental case studies were conducted using distinct bearing fault datasets. All experiments employed both vibration and acoustic signals as input modalities and were performed under identical hardware conditions (Intel Core i9-10900F CPU (Intel Corporation, Santa Clara, CA, USA), 2.80 GHz, 32 GB RAM).
The first experiment utilized the publicly available University of Ottawa constant load and speed rolling-element bearing vibration and acoustic fault signature datasets (UORED-VAFCLS) [39], a widely adopted benchmark comprising bearing fault data collected from vibration and acoustic sensors. The second experiment involved a multi-sensor rotating machinery fault diagnosis dataset provided by Korea Advanced Institute of Science and Technology (KAIST) [40], collected under ISO-standard test conditions. The third case study was based on data acquired from a custom-built testbed specifically developed for this research.
Each experiment incorporated vibration and acoustic signals acquired under varying conditions and quantitatively evaluated the performance of both the individual CNN classifiers and the proposed ensemble model using multiple performance metrics.

3.1. Metrics

Model performance was assessed using four classification metrics—Accuracy, Precision, Recall, and F1-score—defined in Equations (10)–(13). These metrics quantify the alignment between predicted labels and ground truth, with F1-score offering a balanced measure particularly suitable for imbalanced data scenarios. In the Equations, TP, TN, FP, and FN refer to True Positive, True Negative, False Positive, and False Negative, respectively.
A c c u r a c y = T P + T N T P + T N + F P + F N
P r e c i s i o n = T P T P + F P
R e c a l l = T P T P + F N
F 1 - score = 2 × P r e c i s i o n × R e c a l l P r e c i s i o n + R e c a l l
In addition, real-time applicability and computational efficiency were measured using the number of floating-point operations (FLOPs), inference time, and model size. The total FLOPs were calculated by multiplying the FLOPs of a single CNN by the number of sensor channels due to parallel processing. Inference time represents the latency per sample, while model size indicates the memory footprint of the trained model. These indicators are essential for evaluating the model’s deployment feasibility in embedded or industrial systems.

3.2. Dataset Description

To evaluate the generalization performance of the proposed model, three bearing fault datasets with different sensor configurations and operating conditions were utilized. These datasets were collected under varying operational environments and sensor setups. Figure 3 illustrates the testbed employed for data acquisition in the experiments [39,40].
The UORED-VAFCLS dataset provided by the University of Ottawa contains simultaneously collected accelerometer and microphone signals. Both vibration and acoustic signals were recorded at a sampling rate of 42 kHz, and the testbed used for data acquisition is shown in Figure 3a. The dataset is available at https://data.mendeley.com/datasets/y2px5tg92h (accessed on 30 May 2025). Case 2 correspIonds to the rotating machinery bearing fault dataset collected at KAIST, in which accelerometer, acoustic microphone, temperature, and current data were simultaneously acquired. Vibration, temperature, and current were measured at 25.6 kHz, while acoustic signals were recorded at 51.2 kHz. The testbed used for this dataset is presented in Figure 3b and was designed to satisfy the ISO 10816-1 [41] and ISO 8528-10 [42] standard conditions. The dataset is available at https://data.mendeley.com/datasets/ztmf3m7h5x/6 (accessed on 30 May 2025). Case 3 data were collected using a laboratory-built bearing fault diagnosis testbed, as shown in Figure 3c. The system was mounted on a vibration isolation table and consisted of an AC motor, coupling, shaft, bearing housing, and two bearings. The rotational speed was maintained at 1500 RPM, and KBC 6204 open-type bearings were used. During data acquisition, potential factors that could affect the vibration characteristics of rotating machinery—such as shaft misalignment and unbalanced load—were incorporated to simulate realistic industrial fault scenarios. The dataset includes a normal state and six fault types: inner race fault, outer race fault, cage fault, metallic contamination, lubrication deficiency, and shaft misalignment. A vibration sensor (HS 13A231) and an acoustic emission (AE) sensor (PK3I) were employed for data collection, and the bearing specifications and sensor conditions are summarized in Table 2 and Table 3.
The three datasets contain multi-sensor-based bearing fault data collected under different conditions, through which the consistency and generalization performance of the proposed model were comprehensively evaluated.

3.3. Pre-Processing

Fault signals generated in bearings exhibit non-stationary characteristics, with vibration properties that vary over time. The frequency components of such signals are distributed differently across time segments, making it difficult to fully capture fault characteristics using information from a single domain. In this study, the STFT was applied to analyze time-varying frequency information. Since STFT extracts local frequency components of a signal using a fixed window [34], it also enables the unification of input formats between vibration and acoustic sensors. Consequently, multi-sensor data with different sampling frequencies can be normalized to a consistent two-dimensional input size, ensuring structural uniformity and learning efficiency of the model. Figure 4 illustrates the process of converting vibration and acoustic signals into time–frequency spectrograms.
Time-domain signals collected from each sensor were converted into spectrograms using the STFT. The window size was set to 0.0343 s, corresponding to approximately 1440 samples at the sampling frequency of 42 kHz. This duration represents one rotational period of the bearing, based on the motor speed of 1750 RPM in the UORED-VAFCLS dataset. Each STFT frame was designed to include vibration and acoustic events occurring within a single mechanical cycle. To maintain consistent temporal resolution, signals from the KAIST and in-house datasets were also segmented using the same 0.0343 s interval for input data construction.
The dataset used in the experiments consisted of 600 samples per class, of which 300 were used for training and the remaining 300 for validation and testing. To ensure statistical reliability, experiments were repeated ten times with different random sample configurations, and the results were reported as the average over all repetitions.

3.4. Softmax Output Analysis and Evaluation

The proposed model was evaluated using Top-1 and Top-2 classification accuracies according to the sensor types of the three datasets, in order to verify whether the upper-probability information from the softmax distribution could enhance diagnostic reliability. Table 4 summarizes the mean, minimum, and maximum accuracies based on the Top-1 and Top-2 criteria for the three bearing fault datasets.
Experimental results show that the Top-2 accuracy consistently improved compared to the Top-1 accuracy across all datasets. When relying solely on Top-1 predictions, misclassification occurred in some uncertain samples; however, considering the Top-2 probabilities increased the likelihood that the true label was included among the top-ranked candidates. In particular, for the acoustic sensor in Case 2, the Top-2 accuracy converged to 100%, indicating that the Top-2 probability information carried a high degree of diagnostic validity. A similar trend was observed in the Case 3 dataset, where the Top-2 accuracy remained above 99% in all experiments.
Therefore, in this study, the upper-probability information from the softmax distribution was utilized as ensemble input. Experimental results showed that most misclassifications were corrected when considering up to Top-2 probabilities, while extending beyond Top-3 resulted in less than a 0.05% improvement in accuracy. This indicates that the most informative diagnostic cues are concentrated within the top two probability values, and the Top-2 input effectively captures the uncertainty between the primary candidate classes. Although the optimal value of k may vary depending on the characteristics of the dataset, the experiments in this study demonstrated that the Top-2 configuration provides an effective trade-off between diagnostic performance and computational efficiency.
Table 5 presents the effectiveness and generalization performance of the proposed model compared with individual sensor-based diagnostic models across the three datasets. Each value is reported as the mean and standard deviation over ten repeated experiments.
The experimental results show that the proposed ensemble model achieved higher mean accuracy than the single-sensor models for all datasets, while exhibiting significantly lower standard deviations, indicating more stable predictive performance. In particular, for the Case 2 dataset, the ensemble model achieved a mean accuracy of 99.98%, demonstrating an almost saturated level of diagnostic precision.
This performance improvement can be attributed to the utilization of upper-probability information from the sensor-specific softmax distributions and the compensation of sensor-specific misclassification tendencies through AdaBoost-based learning. In other words, the uncertainty inherent in individual sensor models was effectively mitigated by the probability-based ensemble, thereby enhancing both diagnostic stability and generalization performance.

3.5. Comparative Performance Results

To evaluate the generalization performance and real-time applicability of the proposed model, a performance comparison was conducted with existing fusion-based diagnostic methods, namely MFF-GBDT, CDTFAFN, and MSFF-Net. MFF-GBDT applies an ensemble strategy at the decision level of multi-sensor inputs, employing an approach similar to that of the proposed model. CDTFAFN represents a feature-level fusion structure that achieved high accuracy using the Ottawa dataset, while MSFF-Net is a lightweight model that utilizes one-dimensional spectral inputs of acoustic and vibration signals.
Table 6 presents the comparison results for the Case 1, Case 2, and Case 3 datasets. The proposed model demonstrated significantly higher accuracy and lower standard deviation compared with the existing methods. In particular, it achieved an accuracy improvement of approximately 18.8 percentage points over MFF-GBDT, with a substantial reduction in prediction variance.
These results indicate that the softmax upper-probability-based decision-level ensemble effectively compensates for sensor-specific misclassification tendencies while achieving higher reliability with a simpler structure compared to feature-level fusion methods.
Furthermore, to assess the real-time applicability of the proposed model, its computational efficiency and embedded deployment feasibility were evaluated using the Case1–Case3 datasets. Table 7 compares the FLOPs, inference time, and memory requirements of each fusion model. The proposed model achieved an inference time of 0.00002 s, 0.0003 MFLOPs, and a memory usage of 0.068 MB, demonstrating a substantially lighter architecture than CDTFAFN (34.578 MFLOPs, 200 MB) and MSFF-Net (236.497 MFLOPs, 27.5 MB). Notably, both CDTFAFN and MSFF-Net exceed the 0.51 MB SRAM capacity, potentially leading to high computational overhead in MCU-based environments. In contrast, the proposed model can operate within the memory constraints of a Raspberry Pi Pico 2 (dual-core Cortex-M33, 150 MHz × 2, Raspberry Pi Ltd., Cambridge, UK) and exhibits low computational load, confirming its feasibility for real-time processing.
These results demonstrate that, while the proposed model can be embedded in the same manner as other fusion models, it exhibits superior characteristics in terms of system resource efficiency and real-time inference stability.

3.6. Missing-Data Experiment

In practical industrial bearing diagnosis, temporary data loss from certain sensors may occur due to hardware connection faults, transmission errors, or sampling omissions. Such missing inputs can destabilize sensor reliability and consequently degrade the diagnostic confidence of both single-sensor and fusion-based models.
The proposed softmax ensemble structure, which utilizes upper-probability information, processes the probability distributions of each sensor independently and performs weighted combination through AdaBoost-based learning. This design enables compensation using the remaining sensor predictions even when some sensor data are missing.
To verify this structural robustness, missing-data experiments were conducted by intentionally removing partial segments from vibration and acoustic sensor inputs. The missing rates were set to 10%, 20%, and 30%, and the removed segments were zero-padded to induce signal discontinuity. The missing data ratios were determined with reference to previous studies [43,44].
Table 8 presents the comparison results between single-sensor models with missing inputs (Acou-Miss: single-sensor model with Acoustic signal missing, Vib-Miss: single-sensor model with Vibration signal missing) and the proposed ensemble model (Ens) across the three datasets. The proposed model consistently maintained significantly higher accuracy than the single-sensor counterparts under all missing data conditions.
The proposed model maintained diagnostic accuracy above 98% across all datasets, even with a missing rate of 30%. In contrast, the performance of single-sensor models dropped by more than 20 percentage points as the missing rate increased. These results indicate that the proposed softmax ensemble structure based on upper-probability information effectively preserves diagnostic stability through complementary fusion, even under sensor-missing conditions. Therefore, the proposed framework demonstrates robust performance and reliability in environments subject to sensor faults or data loss.

4. Conclusions

In this study, an AdaBoost-based ensemble diagnostic framework utilizing upper-probability information from the softmax distribution was proposed. Conventional multi-sensor fusion models require complex feature combination processes and high computational costs to integrate sensor data, thereby limiting their applicability in real-time environments. The proposed model performs reliability-based fusion at the decision level by leveraging the softmax probability outputs of individual sensors, achieving both high accuracy and computational efficiency. In particular, it minimizes structural complexity and computational load while maintaining diagnostic precision, reducing FLOPs, inference time, and model size by more than 90%, thereby experimentally demonstrating its feasibility for real-time industrial applications. These results indicate that the proposed softmax-based ensemble approach serves as a practical alternative that achieves high reliability with a simpler architecture compared to existing fusion methods.
Future work will focus on mitigating performance degradation in samples with low softmax confidence by applying prediction reliability calibration techniques and exploring dynamic relationship modeling to capture inter-sensor dependencies. Furthermore, the framework will be extended to support diverse sensor configurations and asynchronous inputs, aiming to enhance the generality of lightweight AI systems for real-time industrial fault diagnosis.

Author Contributions

Conceptualization, H.J. and Y.Y.; methodology, H.J. and Y.Y.; software, H.J.; validation, H.J.; analysis, H.J. and Y.Y.; data curation, M.D.; writing—original draft preparation, H.J. and Y.Y.; writing—review and editing, S.-W.B.; visualization, M.D.; funding acquisition, S.-W.B. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported in part by the Korea Institute of Energy Technology Evaluation and Planning (KETEP) grant funded by the Korea government (MOTIE) under Grant No. 20214000000010, and in part by the Electronics and Telecommunications Research Institute (ETRI) grant funded by the Korean government [25ZK1100, Honam region regional industry-based ICT convergence technology advancement support project].

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data will be made available on request.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Guang, R.; Li, X.; Lei, Y.; Li, N.; Yang, B. Non-contact machine vibration sensing and fault diagnosis method based on event camera. In Proceedings of the 2023 CAA Symposium on Fault Detection, Supervision and Safety for Technical Processes (SAFEPROCESS), Yibin, China, 22–24 September 2023; pp. 1–5. [Google Scholar] [CrossRef]
  2. Zhang, Y.; Li, C.; Wang, R.; Qian, J. A novel fault diagnosis method based on multi-level information fusion and hierarchical adaptive convolutional neural networks for centrifugal blowers. Measurement 2021, 185, 109970. [Google Scholar] [CrossRef]
  3. Qiao, Z.; Liu, Y.; Liao, Y. An improved method of EWT and its application in rolling bearings fault diagnosis. Shock Vib. 2020, 2020, 4973941. [Google Scholar] [CrossRef]
  4. Ghazali, M.H.; Wan, W.R. Vibration analysis for machine monitoring and diagnosis: A systematic review. Shock Vib. 2021, 2021, 9469318. [Google Scholar] [CrossRef]
  5. Keshun, Y.; Zengwei, L.; Yingkui, G. A performance-interpretable intelligent fusion of sound and vibration signals for bearing fault diagnosis via dynamic CAME. Nonlinear Dyn. 2024, 112, 20903–20940. [Google Scholar] [CrossRef]
  6. Yoo, Y.; Jo, H.; Ban, S.-W. Lite and efficient deep learning model for bearing fault diagnosis using the CWRU dataset. Sensors 2023, 23, 3157. [Google Scholar] [CrossRef]
  7. Gao, H.; Ma, J.; Zhang, Z.; Cai, C. Bearing fault diagnosis method based on attention mechanism and multi-channel feature fusion. IEEE Access 2024, 12, 45011–45025. [Google Scholar] [CrossRef]
  8. Zhang, X.; Zhao, B.; Lin, Y. Machine learning based bearing fault diagnosis using the Case Western Reserve University data: A review. IEEE Access 2021, 9, 155598–155608. [Google Scholar] [CrossRef]
  9. Neupane, D.; Seok, J. Bearing fault detection and diagnosis using Case Western Reserve University dataset with deep learning approaches: A review. IEEE Access 2020, 8, 93155–93178. [Google Scholar] [CrossRef]
  10. Xu, M.; Guan, P.; Shi, X.; Jiang, R.; Tian, J.; Geng, J.; Xiong, G. Research on bearing fault diagnosis methods based on various convolutional neural network architectures. IEEE Access 2025, 13, 44445–44465. [Google Scholar] [CrossRef]
  11. Xu, Z.; Mei, X.; Wang, X.; Yue, M.; Jin, J.; Yang, Y.; Li, C. Fault diagnosis of wind turbine bearing using a multi-scale convolutional neural network with bidirectional long short term memory and weighted majority voting for multi-sensors. Renew. Energy 2022, 182, 615–626. [Google Scholar] [CrossRef]
  12. Song, R.; Bai, X.; Zhang, R.; Jia, Y.; Pan, L.; Dong, Z. Bearing fault diagnosis method based on multidomain heterogeneous information entropy fusion and model self-optimisation. Shock Vib. 2022, 2022, 7214822. [Google Scholar] [CrossRef]
  13. Xu, Y.; Liu, J.; Li, X.; Tang, C. An investigation of vibrations of a flexible rotor system with the unbalanced force and time-varying bearing force. Chin. J. Mech. Eng. 2025, 38, 25. [Google Scholar] [CrossRef]
  14. Chen, J.; Li, T.; He, J.; Liu, T. An interpretable wavelet Kolmogorov–Arnold convolutional LSTM for spatial-temporal feature extraction and intelligent fault diagnosis. J. Dyn. Monit. Diagn. 2025, 4, 183–193. [Google Scholar] [CrossRef]
  15. Spirto, M.; Nicolella, A.; Melluso, F.; Malfi, P.; Cosenza, C.; Savino, S.; Niola, V. Enhancing SDP-CNN for gear fault detection under variable working conditions via multi-order tracking filtering. J. Dyn. Monit. Diagn. 2025. [Google Scholar] [CrossRef]
  16. Niola, V.; Savino, S.; Quaremba, G.; Cosenza, C.; Nicolella, A.; Spirto, M. Discriminant Analysis of the Vibrational Behavior of a Gas Micro-Turbine as a Function of Fuel. Machines 2022, 10, 925. [Google Scholar] [CrossRef]
  17. Li, Z.; Zhang, K.; Zheng, Q.; Ding, G.; Hao, W.; Zhang, H.; Zhang, W. Unsupervised fault detection with multi-source anomaly sensitivity enhancing convolutional autoencoder for high-speed train bogie bearings. Expert Syst. Appl. 2025, 281, 127570. [Google Scholar] [CrossRef]
  18. Yan, X.; Jiang, D.; Xiang, L.; Xu, Y.; Wang, Y. CDTFAFN: A novel coarse-to-fine dual-scale time-frequency attention fusion network for machinery vibro-acoustic fault diagnosis. Inf. Fusion 2024, 112, 102554. [Google Scholar] [CrossRef]
  19. Wang, X.; Mao, D.; Li, X. Bearing fault diagnosis based on vibro-acoustic data fusion and 1D-CNN network. Measurement 2021, 173, 108518. [Google Scholar] [CrossRef]
  20. Elasha, F.; Greaves, M.; Mba, D.; Fang, D. A comparative study of the effectiveness of vibration and acoustic emission in diagnosing a defective bearing in a planetary gearbox. Appl. Acoust. 2017, 115, 181–195. [Google Scholar] [CrossRef]
  21. Dai, M.; Jo, H.; Kim, M.; Ban, S.-W. MSFF-Net: Multi-sensor frequency-domain feature fusion network with lightweight 1D CNN for bearing fault diagnosis. Sensors 2025, 25, 4348. [Google Scholar] [CrossRef]
  22. Kibrete, F.; Woldemichael, D.E.; Gebremedhen, H.S. Multi-sensor data fusion in intelligent fault diagnosis of rotating ma-chines: A comprehensive review. Measurement 2024, 232, 114658. [Google Scholar] [CrossRef]
  23. Guo, J.; He, Q.; Zhen, D.; Gu, F.; Ball, A.D. Multi-sensor data fusion for rotating machinery fault detection using improved cyclic spectral covariance matrix and motor current signal analysis. Rel. Eng. Syst. Saf. 2023, 230, 108969. [Google Scholar] [CrossRef]
  24. Chaleshtori, A.E.; Aghaie, A. Data fusion techniques for fault diagnosis of industrial machines: A survey. arXiv 2022, arXiv:2211.09551. Available online: https://arxiv.org/abs/2211.09551 (accessed on 25 June 2025). [CrossRef]
  25. Wang, J.; Wang, D.; Wang, S.; Li, W.; Song, K. Fault diagnosis of bearings based on multi-sensor information fusion and 2D convolutional neural network. IEEE Access 2021, 9, 23717–23725. [Google Scholar] [CrossRef]
  26. Tao, J.; Liu, Y.; Yang, D. Bearing fault diagnosis based on deep belief network and multisensor information fusion. Shock Vib. 2016, 2016, 9306205. [Google Scholar] [CrossRef]
  27. Wang, S.; Feng, Z. Multi-sensor fusion rolling bearing intelligent fault diagnosis based on VMD and ultra-lightweight GoogLeNet in industrial environments. Digit. Signal Process. 2024, 145, 104306. [Google Scholar] [CrossRef]
  28. Shao, H.; Lin, J.; Zhang, L.; Galar, D.; Kumar, U. A novel approach of multisensory fusion to collaborative fault diagnosis in maintenance. Inf. Fusion 2021, 74, 65–76. [Google Scholar] [CrossRef]
  29. Liu, Z.; Zhang, M.; Liu, F.; Zhang, B. Multidimensional feature fusion and ensemble learning-based fault diagnosis for the braking system of heavy-haul train. IEEE Trans. Ind. Inform. 2021, 17, 41–51. [Google Scholar] [CrossRef]
  30. Xu, X.; Song, D.; Wang, Z.; Zheng, Z. A Novel Collaborative Bearing Fault Diagnosis Method Based on Multisignal Decision-Level Dynamically Enhanced Fusion. IEEE Sens. J. 2024, 24, 34766–34776. [Google Scholar] [CrossRef]
  31. Ganaie, M.A.; Hu, M.; Malik, A.K.; Tanveer, M.; Suganthan, P.N. Ensemble deep learning: A review. Eng. Appl. Artif. Intell. 2022, 115, 105151. [Google Scholar] [CrossRef]
  32. Freund, Y.; Schapire, R.E. Experiments with a new boosting algorithm. In Proceedings of the 13th International Conference on Machine Learning (ICML), San Francisco, CA, USA, 3–6 July 1996; pp. 148–156. [Google Scholar]
  33. Song, L.; Tan, J. Rotation Error Prediction of CNC Spindle Based on Short-Time Fourier Transform of Vibration Sensor Signals and Improved Weighted Residual Network. Sensors 2024, 24, 4244. [Google Scholar] [CrossRef] [PubMed]
  34. Luo, T.; Qiu, M.; Wu, Z.; Zhao, Z.; Zhang, D. Bearing fault diagnosis based on multi-scale spectral images and convolutional neural network. J. Vibroeng. 2025, 27, 1012–1027. [Google Scholar] [CrossRef]
  35. Biswas, S.; Al Mamun, A.; Islam, M.S.; Bappy, M.M. Interpretable CNN models for computationally efficient bearing fault diagnosis using learnable Gaussian/Sinc filters. Manuf. Lett. 2025, 44, 110–120. [Google Scholar] [CrossRef]
  36. Guo, Z.; Yang, M.; Huang, X. Bearing fault diagnosis based on speed signal and CNN model. Energy Rep. 2022, 8, 904–913. [Google Scholar] [CrossRef]
  37. Jia, H.-X.; Zhang, Y.-J. Fast AdaBoost training algorithm by dynamic weight trimming. Chin. J. Comput. 2009, 32, 336. [Google Scholar] [CrossRef]
  38. Wang, G.; Li, P. Dynamic Adaboost ensemble extreme learning machine. In Proceedings of the 2010 3rd International Conference on Advanced Computer Theory and Engineering (ICACTE), Chengdu, China, 20–22 August 2010; pp. V3-54–V3-58. [Google Scholar] [CrossRef]
  39. Sehri, M.; Dumond, P.; Bouchard, M. University of Ottawa constant load and speed rolling-element bearing vibration and acoustic fault signature datasets. Data Brief 2023, 49, 109327. [Google Scholar] [CrossRef]
  40. Jung, W.; Kim, S.-H.; Yun, S.-H.; Bae, J.; Park, Y.-H. Vibration, acoustic, temperature, and motor current dataset of rotating machine under varying operating conditions for fault diagnosis. Data Brief 2023, 48, 109049. [Google Scholar] [CrossRef]
  41. ISO 10816-1:1995; Mechanical Vibration—Evaluation of Machine Vibration by Measurements on Non-Rotating Parts—Part 1: General Guidelines. International Organization for Standardization: Geneva, Switzerland, 1995. Available online: https://www.iso.org/standard/18866.html (accessed on 30 June 2025).
  42. ISO 8528-10:2022; Reciprocating Internal Combustion Engine Driven Alternating Current Generating Sets—Part 10: Measurement of Airborne Noise. International Organization for Standardization: Geneva, Switzerland, 2022. Available online: https://www.iso.org/standard/74983.html (accessed on 30 May 2025).
  43. Zhang, J.; Kong, Y.; Han, Q.; Wang, T.; Dong, M.; Liu, H.; Chu, F. Multimodal data imputation and fusion for trustworthy fault diagnosis of mechanical systems. Eng. Appl. Artif. Intell. 2025, 150, 110663. [Google Scholar] [CrossRef]
  44. Kwak, S.K.; Kim, J.H. Statistical data preparation: Management of missing values and outliers. Korean J. Anesthesiol. 2017, 70, 407. [Google Scholar] [CrossRef]
Figure 1. Architecture of the proposed AdaBoost ensemble model using upper-probability-based softmax outputs.
Figure 1. Architecture of the proposed AdaBoost ensemble model using upper-probability-based softmax outputs.
Sensors 25 06887 g001
Figure 2. CNN model structure for single-sensor diagnosis.
Figure 2. CNN model structure for single-sensor diagnosis.
Sensors 25 06887 g002
Figure 3. Experimental testbeds: (a) UORED-VAFCLS [39], (b) KAIST [40], (c) In-house.
Figure 3. Experimental testbeds: (a) UORED-VAFCLS [39], (b) KAIST [40], (c) In-house.
Sensors 25 06887 g003
Figure 4. The process of generating spectrograms from vibration and acoustic sensor signals.
Figure 4. The process of generating spectrograms from vibration and acoustic sensor signals.
Sensors 25 06887 g004
Table 1. Summary of major studies and characteristics according to fusion levels.
Table 1. Summary of major studies and characteristics according to fusion levels.
ApproachInputsMain Contribution
Number of SensorsSensor Type
Data fusion
(Wang, X et al. [19])
2Accelerometer/MicrophoneThe diagnostic performance was enhanced through sensor data fusion based on 1D-CNN, resulting in an increase in computational load due to signal-level integration.
Data fusion
(Wang, J et al. [25])
3AccelerationBy integrating raw signals from multiple locations using a 2D-CNN, information loss was reduced, while the computational cost remained high.
Data fusion
(Tao, J et al. [26])
3Magnet accelerationFeature representations from multiple sensors were fused using a deep belief network (DBN), leading to improved diagnostic accuracy accompanied by increased structural complexity.
Data fusion
(Wang, S et al. [27])
2AccelerationMulti-sensor signals decomposed by variational mode decomposition (VMD) were analyzed using an ultra-lightweight GoogLeNet (UL-GoogLeNet), achieving high accuracy but not reflecting sensor-specific reliability.
Feature fusion
(Song, R et al. [12])
2AccelerometerSpatiotemporal fusion with entropy-based weighting enhanced representational capability, while multiple stages of feature extraction resulted in an increased number of preprocessing steps.
Feature fusion
(Yan, X et al. [18])
2Accelerometer/MicrophoneSpatial, temporal, and frequency features were fused using dual-scale attention, resulting in improved feature integration but increased complexity due to high-dimensional combination and intermediate fusion stages.
Feature fusion
(Dai, M et al. [21])
2Accelerometer/MicrophoneTwo frequency-domain signals were fused via FFT and diagnosed using a lightweight 1D-CNN, achieving high accuracy and low computational cost, though the simple fusion method may cause information redundancy.
Decision
fusion
(Shao, H et al. [28])
7VibrationDiagnostic accuracy was improved through predictive fusion based on a stacked wavelet auto-encoder, while the weight configuration remained empirical.
Decision
fusion
(Liu, Z et al. [29])
2≤
Sensors
Air pressureMultidimensional features from multiple sensors were fused and used in ensemble learning to diagnose braking system faults, resulting in effective fault identification but increased model complexity and computational cost.
Decision
fusion
(Xu, X et al. [30])
4Vibration/AcousticDynamic decision-level fusion adaptively calibrated multi-signal classification results using statistical features from a variational autoencoder, improving diagnostic accuracy and reliability but increasing real-time computational load and model complexity.
Table 2. Specification of testing bearing on the in-house dataset.
Table 2. Specification of testing bearing on the in-house dataset.
Bearing TypePitch DiameterBall DiameterNumber of Balls
KBC 62049.52 mm36 mm7
Table 3. Sampling and measurement characteristics of vibration and AE sensors.
Table 3. Sampling and measurement characteristics of vibration and AE sensors.
VibAE
Sampling frequency12,000 Hz7168 Hz
Frequency range0.5~10,000 Hz15,000~40,000 Hz
Resonant Frequency-28,000 Hz
Table 4. Comparison of diagnostic accuracy according to sensor type and decision level.
Table 4. Comparison of diagnostic accuracy according to sensor type and decision level.
DatasetSensor TypeDecision LevelMean Accuracy (%)Min. Accuracy (%)Max. Accuracy (%)
Case 1AcousticTop-199.5499.1099.80
Top-299.9299.80100
VibrationTop-199.5299.2099.80
Top-299.9499.90100
Case 2AcousticTop-199.9399.8899.97
Top-2100100100
VibrationTop-199.9899.9699.99
Top-2100100100
Case 3Acoustic emissionTop-199.8098.6899.85
Top-2100100100
VibrationTop-199.9499.9099.97
Top-2100100100
Table 5. Classification accuracy comparison between single-sensor models and the proposed ensemble model across three datasets.
Table 5. Classification accuracy comparison between single-sensor models and the proposed ensemble model across three datasets.
DatasetAcousticVibrationProposed Model
Case199.52 ± 0.0022%99.52 ± 0.0019%99.93 ± 0.0003%
Case299.93 ± 0.0003%99.98 ± 0.0002%99.99 ± 0.0001%
Case399.80 ± 0.0006%99.94 ± 0.0002%99.95 ± 0.0003%
Table 6. Comparative classification performance of the proposed model and existing fusion methods across three bearing fault datasets.
Table 6. Comparative classification performance of the proposed model and existing fusion methods across three bearing fault datasets.
DatasetMethodAccuracy (%)Precision (%)Recall (%)F1-Score (%)
Case 1MFF-GBDT81.75 ± 0.042082.05 ± 0.042081.04 ± 0.042081.17 ± 0.0420
CDTFAFN99.90 ± 0.006099.90 ± 0.006099.90 ± 0.006099.90 ± 0.0060
MSFF-Net99.91 ± 0.000399.91 ± 0.000399.91 ± 0.000399.91 ± 0.0003
Proposed model99.90 ± 0.000499.93 ± 0.000499.93 ± 0.000499.93 ± 0.0004
Case 2MFF-GBDT98.38 ± 0.003598.41 ± 0.003693.36 ± 0.003598.38 ± 0.0038
CDTFAFN99.95 ± 0.000899.95 ± 0.000799.95 ± 0.000899.95 ± 0.0008
MSFF-Net99.25 ± 0.018899.40 ± 0.014299.25 ± 0.018799.23 ± 0.0192
Proposed model99.98 ± 0.000499.99 ± 0.000399.99 ± 0.000399.99 ± 0.0003
Case 3MFF-GBDT78.00 ± 0.071079.15 ± 0.071078.00 ± 0.071087.20 ± 0.0710
CDTFAFN99.99 ± 0.000699.99 ± 0.000699.99 ± 0.000699.99 ± 0.0006
MSFF-Net99.91 ± 0.000299.91 ± 0.000299.9 ± 0.000299.91 ± 0.0030
Proposed model99.99 ± 0.000399.99 ± 0.000399.99 ± 0.000399.99 ± 0.0004
Table 7. Comparison of computational complexity and resource efficiency among multi-sensory fusion models.
Table 7. Comparison of computational complexity and resource efficiency among multi-sensory fusion models.
Multi-Sensory Fusion MethodsFLOPs (M)Model Size (MB)Inference Time (s)
Case 1Case 2Case 3
MFF-GBDT0.00150.7570.000060.000040.00006
CDTFAFN34.5781200.0000.016800.016700.01670
MSFF-Net236.497227.5000.001750.002000.00190
Proposed model0.00030.0680.000020.000020.00003
Table 8. Diagnostic accuracy (%) under different missing sensor rates.
Table 8. Diagnostic accuracy (%) under different missing sensor rates.
MethodMissing Rate (%)
102030102030
Acou-MissEnsAcou-MissEnsAcou-MissEnsVib-MissEnsVib-MissEnsVib-MissEns
Case190.2998.2682.4798.9874.2998.5288.1596.2080.7798.2074.4198.18
Case291.7699.6483.3699.7575.7299.9590.7199.6982.4999.8575.9399.85
Case391.6097.1482.9998.5774.3799.9891.5395.7182.6998.5774.1499.67
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Jo, H.; Yoo, Y.; Dai, M.; Ban, S.-W. An Upper-Probability-Based Softmax Ensemble Model for Multi-Sensor Bearing Fault Diagnosis. Sensors 2025, 25, 6887. https://doi.org/10.3390/s25226887

AMA Style

Jo H, Yoo Y, Dai M, Ban S-W. An Upper-Probability-Based Softmax Ensemble Model for Multi-Sensor Bearing Fault Diagnosis. Sensors. 2025; 25(22):6887. https://doi.org/10.3390/s25226887

Chicago/Turabian Style

Jo, Hangyeol, Yubin Yoo, Miao Dai, and Sang-Woo Ban. 2025. "An Upper-Probability-Based Softmax Ensemble Model for Multi-Sensor Bearing Fault Diagnosis" Sensors 25, no. 22: 6887. https://doi.org/10.3390/s25226887

APA Style

Jo, H., Yoo, Y., Dai, M., & Ban, S.-W. (2025). An Upper-Probability-Based Softmax Ensemble Model for Multi-Sensor Bearing Fault Diagnosis. Sensors, 25(22), 6887. https://doi.org/10.3390/s25226887

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