Next Article in Journal
PRISMA on Machine Learning Techniques in Smart City Development
Previous Article in Journal
Modeling and Testing of ESD Protective Textiles
Previous Article in Special Issue
Updating Durability Models for Concrete Structures in Chlorine Environment Based on Detection Information
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Structural Damage Detection through Dual-Channel Pseudo-Supervised Learning

1
Research Center of Space Structures, Guizhou University, Guiyang 550025, China
2
Key Laboratory of Structural Engineering of Guizhou Province, Guiyang 550025, China
*
Author to whom correspondence should be addressed.
Appl. Sci. 2024, 14(16), 7377; https://doi.org/10.3390/app14167377 (registering DOI)
Submission received: 12 July 2024 / Revised: 18 August 2024 / Accepted: 19 August 2024 / Published: 21 August 2024

Abstract

:
Structural damage detection is crucial for maintaining the health and safety of buildings. However, achieving high accuracy in damage detection remains challenging, especially in noisy environments. To improve the accuracy and noise robustness of damage detection, this study proposes a novel method that combines the Conformer model and the dual-channel pseudo-supervised (DCPS) learning strategy for structural damage detection. The DCPS learning strategy improves the stability and accuracy of the model in noisy environments. It enables the model to input acceleration signals with different noise levels into each branch of the dual-channel network, thereby learning noise-robust features. The Conformer model, as the backbone network, integrates the advantages of convolutional neural networks (CNNs) and Transformers to effectively extract both local and global features from acceleration signals. The proposed method is validated using a four-story single-span steel-frame building model and the IASC-ASCE simulated benchmark structure. The results show that the proposed method achieves a higher classification accuracy than existing structural damage detection methods. Compared to the single Conformer-based method, this method improves the accuracy by 1.57% and 4.93% for the two validation structures, respectively. Moreover, the proposed method benefits from the DCPS learning strategy’s ability to achieve superior noise robustness compared to other methods. The proposed method holds potential value for improving the accuracy of damage detection and noise robustness in scenarios such as maintenance and extreme events.

1. Introduction

The fundamental structural components of building structures, including beams, columns, and slabs, are vulnerable to damage in a multifield coupling environment [1,2]. Such damages jeopardize the stability and safety of the building structure and may lead to engineering accidents [3]. Therefore, accurately monitoring damage in building structures has become a significant concern in the fields of civil engineering and computer applications [4]. Structural Health Monitoring (SHM) [5,6,7,8] systems play a crucial role in detecting the health status of structures. They are widely used for diagnosing and predicting the structural health of buildings such as high-rise buildings, large gymnasiums, and historical buildings [9]. Structural damage detection methods are an essential part of the SHM, especially vibration-based structural damage detection methods that have received widespread attention [10,11,12,13].
With the rapid development of artificial intelligence, many machine learning-based structural damage detection algorithms have been proposed [14,15]. These methods typically extract features manually from raw data and then establish the mapping relationship between features and structural states through a classifier. However, the classification accuracy of machine learning-based methods is affected by hand-crafted features, and it is difficult to mine deep features of the data.
In recent years, numerous structural damage detection methods based on deep learning have been proposed [16,17,18] due to the remarkable performance of deep learning in various fields. To this end, researchers focus on designing effective deep learning models to extract features related to structural damage identification in order to accurately locate and classify structural damage. These methods can be mainly categorized into those employing Convolutional Neural Networks (CNNs) [19,20,21,22,23], those utilizing a Long Short-Term Memory (LSTM) [24,25,26], and those combining both CNNs and LSTM (CNN-LSTM) [27,28,29]. For a more detailed description of structural damage detection methods, please refer to the comprehensive reviews in [12,30].
CNNs [19,20,21,22,23] can learn local features from the input signals, so the straightforward idea is to use a 1D CNN model to extract local features from the 1D signals. CNNs are a type of multilayer feedforward neural network that is extensively employed in various supervised classification tasks [31]. Zhang et al. [22] created an acceleration response database related to bridge structures for training a 1D CNN model and demonstrated that CNN was highly sensitive to small structural changes. However, it is difficult for 1D CNNs to process input signals from multiple sensors. To address this difficult, Khodabandehlou et al. [19] proposed concatenating 1D acceleration response signals from multiple sensors into a 2D matrix as inputs and applying a 2D CNN for structural damage detection. They collected acceleration response data from multiple sensors and constructed a 2D signal matrix, which was fed into a 10-layer 2D CNN for training. Although CNNs are highly effective in extracting local features, they struggle to capture global features present within acceleration response data. LSTM [24,25,26], as a representative model for capturing long-distance feature dependencies of signals, uses the output of the previous moment as the input of the current moment to form a recursive connection structure. Lin et al. [24] used LSTM to identify structural damages. They input raw acceleration response data into LSTM to learn the long-term time-series features in the data. As a result, they obtained more accurate damage detection results compared to traditional machine learning algorithms. Sony et al. [26] proposed a multi-category structural damage detection approach based on windowed LSTM. They used windowed sample sequences from signals as inputs for LSTM, enabling the detection of multiple categories and degrees of structural damage. Nevertheless, LSTM ignores the local information from the damage signal, and its performance will degrade when dealing with long-distance dependencies within response data. In recent years, some researchers have combined the local feature learning capability of CNNs with the global feature learning capability of LSTM to propose innovative structural damage detection methods based on CNN-LSTM frameworks [27,28,29]. These frameworks can not only automatically extract local features from sensor signals but also capture global feature dependencies within data, which is beneficial for improving the accuracy and robustness of models. However, these hybrid models still have difficulty robustly handling long-range dependencies in the response data.
In addition to the model architecture, the noise present in the acceleration response signals obtained from sensors also affect the performance of the model in identifying structural damage. A number of studies [32,33,34] have shown that utilizing denoised signals as the input to train deep learning models can effectively enhance the classification accuracy of the models. Bao et al. [34] employed the Random Decrement Technique (RDT) to denoise raw data and demonstrated that the performance of this model was enhanced when exposed to low levels of noise. Wang et al. [35] combined the Hilbert–Huang Transform (HHT) and a CNN to propose a novel structural damage-identification method. The research results demonstrate that this method possesses significant noise-immunity advantages. Although these works have shown that denoising preprocessing techniques can enhance the accuracy of damage detection, they require manual denoising. Nevertheless, this makes them difficult to apply in engineering practices.
In summary, it is a challenging task to design an effective model to extract features from signals with noise for the accurate identification of structural damage. This paper presents a novel method that combines a dual-channel pseudo-supervised (DCPS) learning strategy and the Conformer model for structural damage detection. On the one hand, the existing methods rely on manual denoising to deal with the sensitivity of the model to noise in the signals, which limits their practical application in engineering. To address this issue, a DCPS learning strategy is proposed to improve the noise robustness of the model. The Cross Pseudo Supervision (CPS) method proposed in reference [36] uses two branches with the same structures but different initial weights in a dual-channel network to generate labels for the same input image separately. These generated labels are then used as supervision signals of the other branch. This method improves the noise robustness of the model. Based on this idea, the proposed DCPS introduces different levels of noise into each branch of the dual-channel network and uses the output of one branch as labels for the other branch to train the model. Through this learning process, the model adapts better to input signals with noise, consequently enhancing the stability and accuracy of structural damage detection. On the other hand, this paper introduces the Conformer model to address an issue of existing models, wherein it is difficult for the latter to robustly extract local and global features from response data. The Conformer model [37] exploits the advantages of CNNs and Transformers, and it has been widely used in speech signal processing to extract long-distance dependencies in speech signals. In contrast to LSTM, the Transformer model incorporates a self-attention mechanism and position encoding to effectively capture long-distance relationships within the input sequence. Thus, this paper explores the application of the Conformer model in the field of structural damage identification, combining the local feature extraction capability of CNNs with the long-term sequence modeling capability of Transformers to fully describe the information of the response signal. Notably, this is the first time that DCPS and Conformers have been integrated and applied to structural damage detection.

2. Methodology

2.1. The Equation of Motion

The equation that describes the motion of a linear system with n degrees of freedom (DOFs) [38] is as follows:
M u ¨ ( t ) + C u ˙ ( t ) + K u ( t ) = F ( t )
where M, C, and K denote n × n matrices representing mass, damping, and stiffness. Meanwhile, u ( t ) , u ˙ ( t ) , and u ¨ ( t ) are n × 1 vectors representing displacement, velocity, and acceleration. Additionally, F ( t ) is n × 1 a vector representing excitation.
It is generally assumed that damage to a structure only results in a decrease in stiffness and does not cause a change in mass. Prior to damage, the stiffness matrix and flexibility matrix of the structure are denoted as K u and F u , respectively. After damage, the stiffness matrix and flexibility matrix of the structure are denoted as K d and F d , respectively. The subscripts d and u represent the states after damage and before damage, respectively. The change in the overall stiffness matrix of the structure, before and after damage, is denoted as K [39].
K = K u K d
This can be further expressed as the linear superposition of elemental stiffness matrices.
K = i = 1 n a i K u i
where K u i denotes the stiffness matrix of the i-th element in the structure, and a i ( 0 a i 1 ) represents the damage coefficient.
Structural damage detection and the acceleration response are closely related in the field of SHM. The acceleration response refers to the measurement of the acceleration generated by a structure under various loads or external forces. In the context of structural damage detection, response data are collected using acceleration sensors placed at critical points on the structure. The collected data are then analyzed to identify any abnormal patterns or deviations from the expected behavior of a healthy structure. This analysis can reveal valuable insights into the presence and location of structural damage. Different methods and algorithms, such as the modal analysis, frequency-based analysis, and time–frequency analysis, can be applied to the response data for damage detection and localization. By comparing the response data with baseline or reference data, engineers can identify changes in the structural dynamics that may indicate damages. Additionally, the amplitude and frequency characteristics of the acceleration response can provide information about the severity and type of damage, such as cracks, fractures, or deformations. Overall, the acceleration response data play a crucial role in the process of structural damage detection, enabling engineers to assess the structural integrity and make informed decisions regarding the maintenance, repair, or further investigation of the damaged structure.
This study proposes a method for detecting structural damage by combining a dual-channel pseudo-supervised learning strategy (DCPS) with a Conformer model, using structural acceleration response data. The DCPS is applied to structural damage detection, enabling the model to acquire noise immunity instead of manual denoising.

2.2. Data Preprocessing

To acquire acceleration response data, it is assumed that n sensors are deployed on the h-th floor of the structure, with m sensors measuring the translational acceleration in the x direction and k sensors measuring the translational acceleration in the y direction. During response data collection, the sampling frequency of each sensor is f s , and the sampling time is t s , resulting in the number of sampling points S j per sensor being S j = f s × t s . In this paper, Equation (4) was used to fuse the acceleration response data from the co-oriented sensors on the h-th floor to obtain the fused translational accelerations in the x and y directions of this floor [40]. Equation (4) is as follows:
a c c x , h = 1 m × a c c x , 1 , h + a c c x , 2 , h + + a c c x , i , h + + a c c x , m , h a c c y , h = 1 k × a c c y , 1 , h + a c c y , 2 , h + + a c c y , i , h + + a c c y , k , h
where a c c x , i , h and a c c y , i , h , respectively, denote the translational acceleration response data collected by the i-th sensor in the x and y directions of the h-th floor, and a c c x , h and a c c y , h denote the fused translational acceleration in the x and y directions of the h-th floor. The variables m and k denote the number of sensors in the x and y directions of the h-th floor, respectively. All of these data are one-dimensional time series with S j data points.
Subsequently, fused translational acceleration data are sequentially divided into w nonoverlapping samples, each consisting of 128 continuous data points [41]. Each sample is then independently normalized and marked with the corresponding damage pattern label. The processed data are defined as a c c x , h and a c c y , h . Afterward, a c c x , h and a c c y , h are randomly shuffled. Assuming the damage detection task includes q damage patterns, the acceleration response data under each damage pattern are processed using the aforementioned method. After processing, the response data for the x and y directions on the h-th floor under the r-th damage pattern are denoted as a c c x , h , r and a c c y , h , r , respectively. The subsets constructed from the response data of the q damage patterns in the x and y direction of the h-th floor are, respectively, expressed as follows:
D x , h = a c c x , h , 1 a c c x , h , 2 a c c x , h , q
D y , h = a c c y , h , 1 a c c y , h , 2 a c c y , h , q
Assuming the structure has d floors, the intact translational acceleration dataset D, composed of the subsets of the response data in the x and y directions of each floor, can be denoted as follows:
D = D x , 1    D y , 1       D x , h    D y , h       D x , d    D y , d

2.3. Dual-Channel Pseudo-Supervised (DCPS) Learning

To improve the noise immunity of the network model, a learning strategy based on DCPS learning is proposed in this paper. DCPS learning consists of two parallel channels whose inputs are different data-augmented versions from the same signal. In this paper, the inputs to the dual-channel network are signals with different levels of noise introduced. Subsequently, segmentation confidence maps for signals with two levels of noise are obtained through the same network architecture with different initial weights or two different network architectures, as follows:
p a = f X a ; W a
p b = f X b ; W b
where X a and X b denote the input signal X with different levels of noise, respectively, W a and W b are the parameters of two networks, and p a and p b represent segmentation confidence maps after softmax normalization. According to the segmentation confidence maps, the predicted values y a and y b of two networks, expressed as one-hot vectors, can be further obtained. There is a supervised loss L and a DCPS loss to jointly drive model network learning to improve the noise immunity, which are defined as follows:
L = 1 B i = 0 B l c e p a i , y i * + l c e p b i , y i *
L d = 1 B i = 0 B l c e p a i , y b i + l c e p b i , y a i
where B is the batch size, l c e ( · ) denotes the cross-entropy loss function, and y i * indicates the ground truth. The supervised loss L represents the degree of inconsistency between the network predictions and the true values corresponding to the original data in two parallel channels with different noise levels. Meanwhile, the DCPS loss L d is a manifestation of the mutual supervision and constraint of the different channels, which encourages the prediction of the same input signal at different noise levels to be consistent across channels. In this case, the one-hot predictions output from one network are used to supervise the confidence map of the other network.
Next, the supervised loss L and the DCPS loss L d are combined to form the complete loss function:
L O S S = α L + 1 α L d
where α denotes a linearly decreasing parameter ranging from 0 to 1. It determines the weight of the supervised loss L and the DCPS loss L d . As the number of training iterations increases, the weight of the supervised loss L decreases, while the weight of the DCPS loss L d increases. This adjustment is made to reflect the increasing stability of DCPS learning during the later stages of training.

2.4. Conformer Module

One of the key factors contributing to the successful application of the CNN-LSTM architecture in structural damage detection methods is its capability to capture both the local and global features of signals. Recent studies [42] have shown that Transformers based on self-attention mechanisms have a better ability to capture global features than LSTMs. Based on this, we investigated and studied a Transformer model that includes CNNs and self-attention mechanisms and introduced it into structural damage detection methods to extract more effective local and global features. As shown in Figure 1, the Conformer contains multiple Conformer blocks, each of which is mainly composed of a feedforward module, a self-attention module, and a convolutional module. By alternately extracting features through convolution modules and self-attention modules, local and global features in the signal are effectively extracted.
Unlike the absolute position encoding of classical Transformer networks, in order to enable the model to effectively capture long-distance dependencies, relative position encoding [43] is incorporated into the self-attention module. Also, the self-attention module employs a multi-head self-attention mechanism, and H attention heads perform self-attention on the sequence and then concatenate the results of the H heads. The calculation for each attention head is as follows:
A t t A , V = s o f t m a x ( A ) V
A i j = Q i T K j + Q i T W R R i j + u T K j + v T W R R i j
[ Q , K , V ] = E x W Q , W K , W V
where s o f t m a x ( · ) represents the softmax function; E x denotes the token-embedding lookup or the output of the upper level Conformer, and W Q , W K , W V , W R R d m o d e l × d h e a d , u , and v R d h e a d are learnable parameters. d m o d e l = H × d h e a d , d h e a d denotes the dimension of each attention head, and R i j denotes a sinusoidal encoding matrix [42].
Assuming x i is defined as the input and output of the i-th Conformer module, and the output y i is calculated as follows:
x i f f n = x i + 1 2 f F F N x i
x i s a = x i f f n + f S A ( x i f f n )
x i c o n v = x i s a + f C o n v x i s a
y i = f L a y e r n o r m x i c o n v + 1 2 f F F N x i c o n v
where f F F N ( · ) , f S A ( · ) , and f C o n v ( · ) represent the feedforward module, the self-attention module, and the convolution module, respectively, and f L a y e r n o r m ( · ) denotes the layer normalization. This sandwich structure was proposed by reference [44].

2.5. The Process of the Algorithm

Figure 2 illustrates the pipeline of the proposed model that combines the DCPS learning strategy and Conformers for detecting structural damage. Initially, the raw data from various acceleration response signals undergo different noise-addition processes and are then input into dual-channel networks. Two Conformer networks, having the same architecture but different randomly initialized weights, are used to predict the segmentation confidence maps of the two signals and obtain one-hot labels. In the next step, one network utilizes the output of the other network as a label and applies a cross-entropy loss for cross-channel learning and network training.
The procedures are summarized as follows. Step 1: Data Collection and Preprocessing—collect structural acceleration response data related to structural damage preprocess and process it. Step 2: Data Partitioning and Annotation—divide the dataset into training, validation, and testing sets, and each dataset is annotated with its impairment category. Step 3: Model Building and Training—train a DCPS learning and Conformer model using the training and validation data. Step 4: Model Evaluation—evaluate the trained model using the testing set. Step 5: Application—Deploy the trained model into practical applications for the real-time identification and monitoring of structural damage. This can involve integrating the model into existing systems or creating a new application for this purpose.

3. Validation by a Numerical Model

3.1. IASC-ASCE SHM Benchmark Dataset

The IASC-ASCE SHM research group established the IASC-ASCE SHM simulated benchmark structure [45] in 2003. This benchmark structure aimed to create a standardized platform for evaluating structural damage detection methods. It enables researchers to compare and analyze different structural damage detection methods. In this section, we used its numerical model for testing and evaluation.
As shown in Figure 3, the IASC-ASCE SHM benchmark model is a four-story, 2 × 2-span, steel-frame model with a floor height of 0.9 m and a plan size of 2.5 m × 2.5 m and which is 1.25 m per span. The model has 9 steel columns on each floor and is set up with 8 diagonal supports. More information about this benchmark model can be found in reference [45].
Gaussian white noise is a common method for simulating environmental excitation [46,47]. In this paper, Gaussian white noise was used as the excitation signal to induce structural vibrations. This noise excitation was generated through a random process following a normal distribution. As a result, it has a flat power spectral density across the frequency domain and uniform energy distributions across all frequencies. Its power spectral density can be expressed as follows:
S ( f ) = N 0 2
where S ( f ) is the power spectral density at frequency f , and N 0 is the noise power spectral density. With an equal amount of energy in each frequency component, this noise signal effectively excites various vibrational modes within the structure, providing comprehensive excitation for accurately assessing the structure’s dynamic response under various conditions.
To evaluate the effects of noise on the proposed damage detection method, a series of Gaussian random pulses was introduced into the numerically calculated acceleration response data of the IASC-ASCE SHM benchmark structure [45].
x ~ i = x i + e 100 × R M S m a x × v i
where x ~ i and x i denote the acceleration responses of the i-th sensor with added noise and without noise, respectively. The variable e represents the noise percentage, for example, e = 20 means that 20% of the noise is considered. R M S m a x is the maximum value of the root mean square (RMS) of the acceleration responses measured by all sensors on the structure. v i denotes a set of Gaussian random variables generated using the MATLAB 2022b routine ‘randon’, with a mean value of zero and a standard deviation of one. In this study, three distinct levels of noise were taken into account, which were 0%, 20%, and 50%, respectively.
As shown in Table 1, this study focuses on the four damage patterns of D.P.0, D.P.1, D.P.2, and D.P.4 defined in case 4 of the IASC-ASCE SHM benchmark. Figure 4 shows model diagrams of the three damage patterns of D.P.1, D.P.2, and D.P.4, and D.P.0 is shown in Figure 3.
As shown in Figure 5, four acceleration sensors were deployed on each floor of the IASC-ASCE SHM simulated benchmark structure. Each sensor recorded 800 s of acceleration data at a sampling frequency of 250 Hz under the noise levels of 0%, 20%, and 50%, respectively. This resulted in each sensor collecting 200,000 data points for each damage pattern. The collected response data were preprocessed according to the methods described in Section 2.2. At every noise level, the subset with four damage patterns in any direction on a single floor consisted of 6248 samples. Of these, 4000 samples were allocated to the training set, 1000 samples to the validation set, and 1248 samples to the testing set. These datasets served as inputs for the model. The model was presented using data from one of the floors in one direction, denoted as X R n × d , where n represents the number of time steps in the sequence, and d denotes the dimensionality of the feature vector at each time step. In the practical implementations, each floor was set up with the same network model in each direction to obtain its damage detection output separately.

3.2. Network Models and Settings

Baseline models. To evaluate the effectiveness of the proposed model on a structural damage detection task, we used a 1D CNN, LSTM, and multi-head CNN as baseline models. Among these, 1D CNN and LSTM are classical CNN and RNN architecture models, respectively, commonly used in structural damage detection research. The multi-head CNN is a variant of the CNN model. The details of the baseline models are described as follows:
  • One-dimensional CNN: This model can be used to process acceleration response data, where the convolution layer can capture the local features of the signal. In this paper, two convolutional kernels of size 5 were used for convolution operations.
  • LSTM: The LSTM model can capture long-range dependencies in sequence data through the gate-control mechanism, enabling the learning of crucial long-range dependency features. This model was constructed as a two-layer bidirectional LSTM with the dimension of 128 in this paper.
  • Multi-head CNN: By introducing multiple parallel convolutional branches (heads), this model can learn features at different scales. Each branch focuses on different time- or frequency-domain information, and the multiple branches are eventually fused to provide a comprehensive description of the structural damage.
To further validate the effectiveness of integrating local and global features for structural damage detection and to assess the efficacy of combining CNNs and the self-attention mechanism in the Conformer network, we also included CNN-LSTM and Transformers as additional baseline models. The details of the Transformer and CNN-LSTM models are presented as follows:
  • CNN-LSTM: This model, in this paper, first used a 1D CNN with a convolutional kernel of 15 to extract spatial features. Then, a two-layer LSTM model with 256 dimensions was used for long-sequence modeling.
  • Transformers: Through the self-attention mechanism, the transformer model can effectively capture global dependencies in sequences. In structural damage detection, it models the acceleration response data collected by sensors to learn features related to identifying damage. In this paper, we constructed a four-layer Transformer block with 8 heads and with a dimension of 512.
Furthermore, to evaluate the performance of DCPS learning, in addition to Conformer+Conformer, we compared the combinations of CNN+CNN and CNN+Conformer, as shown in Figure 6. Finally, we conducted tests at multiple noise levels to demonstrate the improvement of model noise immunity through DCPS learning and its robustness.
Hyperparameters: For the Conformer model and models in DCPS learning, the Adam optimizer was used for a gradient descent, and the learning rate was 0.0001. The batch size was set to 32, and a total of 300 epochs were used for training and validation. In addition, we used 4 Conformer blocks and set 2 heads in the multi-head self-attention layer, with a dropout of 0.4 for the self-attention module and a dropout of 0.1.

3.3. Comparative Experimental Results

The testing results in the x direction on the initial floor of simulated data from the IASC-ASCE SHM benchmark structure were utilized for a comparative analysis, and classification accuracy (ACC) was used as an indicator to measure the performance of each model. The training set experienced 5% and 20% noise augmentations. This involves directing the training data into two distinct channels within the DCPS architecture, facilitating the acquisition of noise-robust features by the proposed model.
Table 2 presents the accuracy performance and inference time of different models on the IASC-ASCE SHM benchmark dataset. Table 2 shows that the CNN-LSTM and Conformer models, which extracted both local and global features, achieved higher accuracy than the CNN and multi-head CNN models, which only extracted local features, and the LSTM model, which only extracted global features. Since the Conformer model has the local information representation ability of CNNs and also inherits the long-sequence temporal modeling ability of Transformers, it achieved the best classification accuracy, reaching 95.19%. The classification performance of the Conformer was 2.64% higher than that of CNN-LSTM, which considers both local and global features; 6.09% higher than that of 1D CNN, which only considers local features; and 6.97% higher than that of LSTM, which only considers global features. The Conformer model achieves the highest prediction performance among the compared models. Moreover, it has a very low computational cost, requiring only about three times the computational resources of the fastest CNN model, which has the lowest accuracy. This indicates that the proposed model effectively balances performance and computational efficiency.
To verify the effectiveness of the DCPS learning strategy, Table 3 presents the gains achieved using the different network combinations (i.e., CNN+CNN, CNN+Conformer, and Conformer+Conformer). These tests were conducted on the IASC-ASCE SHM benchmark simulated dataset. In Table 3, “+” means the network architecture of each branch of the DCPS. Figure 6 intuitively shows the different network combinations used in the DCPS learning strategy. From Table 3, it can be seen that the performances of the single CNN model and the Conformer model are 89.1% and 95.19%, respectively. The models utilizing DCPS learning generally exhibited superior performance compared to those without it. In particular, the performances of CNN+CNN and Conformer+Conformer were 5.13% and 1.77% higher than those of the single CNN and Conformer model, respectively. Since the DCPS learning strategy took different levels of noise signals as the input, the classification results of the same network architecture with different initialization weights were used as the target to perform cross-channel learning. Driven by a DCPS learning strategy, this network was robust to different levels of noise signals. Finally, a more accurate classification performance was obtained. In addition, we used a different network architecture (i.e., CNN+Conformer) for DCPS learning and also achieved performance improvements relative to the single CNN or Conformer model. This means that this DCPS learning strategy can generalize to different models. Note that the two-channel pseudo-supervised learning strategy is performed during training, so it does not increase the computational cost of the model during testing.

3.4. Ablation Study

To demonstrate the advantage of the DCPS learning strategy in improving noise robustness, the noise augmentation step was omitted for the training set, as outlined in the preceding subsection. Specifically, the training set within the input DCPS architecture was exempt from noise addition. The results are presented in Table 4.
The ACC results of the CNN+CNN, CNN+Conformer, and Conformer+Conformer models with the training noise removed, exhibited a simultaneous decrease. This observation suggests that the DCPS strategy, which includes noise addition in the training, plays a crucial role in training the models to achieve a better noise-robust performance. This indicates that the DCPS strategy is capable of maintaining high performance in feature learning and task classification even in highly noisy environments. The proposed model, with its ability to accurately extract noise-robust and comprehensive features, demonstrates its effectiveness in dealing with noise and achieving a robust performance.

3.5. Comparative Analysis at Different Noise Levels

Lastly, the accuracy results of different models were compared using the complete IASC-ASCE SHM benchmark simulated data for in-depth research and a comprehensive analysis. This evaluation encompassed the entire dataset across different noise levels. Through this study, the aim is to demonstrate the exceptional capabilities of the proposed model in environments characterized by high levels of noise, thereby reaffirming its noise robustness.
Table 5 provides the detailed results. Some conclusions were obtained. First, the single CNN, the Conformer, or the multi-head CNN model had a higher classification accuracy in low-noise signals. As the noise level increases, the classification accuracy also dropped significantly. Secondly, it can be seen that there was a smaller gap in the performance of the different noise levels when using a DCPS training model (i.e., CNN+Conformer and Conformer+Conformer). This means that the noise robustness of the model is improved after DCPS training. Note that DCPS learning was of great significance in practical applications for the noise robustness brought by the model, since the noise in the acceleration response signal was more complex. Finally, the proposed models (i.e., CNN+Conformer and Conformer+Conformer) achieved an average accuracy of 95.42% and 96.15%, respectively, surpassing all existing traditional models.
To intuitively demonstrate the classification accuracy of the Conformer+Conformer model under different noise levels, the confusion matrices of the Conformer+Conformer model under two high-noise-level conditions are presented in Figure 7. As can be seen from Figure 7, D.P.0 and D.P.4 are occasionally confused. This phenomenon was mainly attributed to intra-class differences in D.P.4 (or D.P.0), which led to the collected training data not fully covering all instances of damage in this pattern. But overall, the classification accuracy of Conformer+Conformer was close to 1.
These aforementioned results unequivocally showcase the effectiveness of the proposed model in the field of structural damage detection. The model exhibited remarkable performance improvements across various noise levels for the IASC-ASCE SHM benchmark simulated dataset. Furthermore, the compatibility and transferability of the DCPS strategy were evident, as networks with both identical and distinct structures consistently achieved superior performance.

4. Experimental Verification on a Four-Story Steel-Frame Structure

The previous section validated the proposed method in this paper using the numerical model of the IASC-ASCE SHM benchmark structure. This section uses an experimental study based on a laboratory four-story steel-frame structure to verify the effectiveness of the proposed method and its applicability in different applicational scenarios.

4.1. Experimental Description

In Figure 8, the experimental model is a four-story single-span steel-frame structure. The model is 320 mm × 260 mm in plan size, with an overall height of 672 mm. The height of each floor is 168 mm. All floor slabs in the model are constructed from 16 mm-thick steel plates, while the columns are made of solid round steel with a height of 152 mm and a cross-sectional diameter of 16 mm. All structural elements are made of Q235 steel, with a nominal yield stress of 235 MPa. To induce structural vibrations, a Donghua DH40100 (DongHua Testing Technology Co., Ltd., Jingjiang, China) electrodynamic exciter was used to apply white Gaussian noise excitation along the southeast–northwest diagonal on the first floor of the model, and the duration of the excitation was 800 s. The structural response was measured by the Donghua 1A401E acceleration sensors, and these sensors were instrumented at midspan positions on each of the four edges of each floor plate. The acceleration data were acquired using the Donghua DH8303 data acquisition system. In this study, Gaussian white noise excitation was used as the excitation signal to induce structural vibrations, and the resulting acceleration response of the structure served as the measured signal.
In this study, three types of columns with different cross-sectional diameters were employed, as depicted in Figure 9. The structural damage was achieved by replacing original columns at the southeast corner of one or more floors with columns that have a cross-sectional diameter of 14 mm or 12 mm. We simulated a total of six different damage scenarios, which are fully listed in Table 6.

4.2. Experimental Procedure

The experimental structure was vibrated by the exciter. Next, acceleration data from all sensors were collected at a sampling frequency of 250 Hz for an acquisition duration of 800s. This resulted in 200,000 data points being collected in each scenario. Figure 10a,b illustrates the acceleration response time histories in the y direction on the fourth floor under the undamaged state. Subsequently, all collected data were processed using the data-processing method described in Section 2.2. Each processed dataset consisted of 9372 samples. Among these, 6000 samples were assigned to the training set, 1500 to the validation set, and 1872 to the testing set. Ultimately, eight classifiers were trained using training sets (4 stories × 2 translational directions).

4.3. Experimental Results

To accurately assess the effectiveness and generalizability of the proposed method in this paper, we conducted a comparative analysis of the detection accuracy among five different deep learning models, namely, the CNN, LSTM, multi-head CNN, CNN-LSTM, Transformer, Conformer, CNN+Conformer, and Conformer+Conformer models, using a four-story single-span steel-frame structure. The damage detection accuracy results are summarized in Table 7.
As shown in Table 7, hybrid models (i.e., CNN+Conformer and Conformer+Conformer) achieve average accuracies of 93.05% and 96.64%, significantly surpassing the Conformer (91.71%), Transformer (87.60%), CNN-LSTM (86.63%), multi-head CNN (85.79%), LSTM (83.92%), and CNN (78.43%) models. Notably, the hybrid models consistently outperformed the single models in all directions at each floor. This consistent high accuracy suggests that the DCPS learning strategy significantly improved the model’s performance. Furthermore, the superior performance of hybrid models highlights the benefits of combining advanced network architectures with the DCPS learning strategy.

5. Conclusions and Discussion

In conclusion, this study introduces a novel method for structural damage detection, combining the DCPS learning strategy and the Conformer network. The DCPS learning strategy ensures consistent classification results for the same input signal at different noise levels. By utilizing parallel channels at varying noise levels to supervise each other, this novel learning strategy enhances the learning of noise-robust features. The Conformer network, which merges the advantages of CNN and Transformer networks, captures both local and global characteristics of acceleration response signals. The effectiveness of the proposed method was validated by using the IASC-ASCE SHM benchmark structure numerical model and a four-story single-span steel-frame experiment. Notably, this is the first successful application of combining the DCPS learning strategy with the Conformer model for structural damage detection. The following conclusions can be drawn:
  • Existing methods focus on either local information [19,20,21,22,23] or global information [24,25,26]. Although some works combine the advantages of CNNs and LSTM [27,28,29], the weak performance of LSTM in processing long-term dependencies of signals is still inevitable. The proposed model uses a Conformer as the backbone network, effectively combining the local feature extraction capability of CNNs with the long-term sequence modeling capability of Transformers to fully describe the local and global information of the response signal.
  • The proposed model uses the DCPS learning strategy to make the model learn the consistency of different noise signals. Compared with the manual denoising method [34,35], the proposed model improves the noise robustness of the model and is more suitable for engineering practices.
  • The proposed models, CNN+Conformer and Conformer+Conformer, achieve average identification accuracies of 95.42% and 96.15% in numerical simulations and 93.05% and 96.64% in laboratory experiments, markedly outperforming baseline models. This high accuracy underscores the potential of the proposed model as an effective solution for structural damage detection and demonstrates its robust to different scenarios.
  • The proposed method achieves average accuracies of 96.3% and 93.0% at 20% and 50% noise levels, respectively, significantly outperforming baseline models. These results demonstrate the ability of the proposed model to learn noise-robust features without manual denoising. This method greatly simplifies the application process and improves detection accuracy in noisy environments.
In future work, to improve the understanding and representation of node features by the model and to learn more robust node representations, we will explore how to model the correlations between nodes of different structures through graph neural networks.

Author Contributions

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

Funding

This research was supported by the National Natural Science Foundation of China (no. 50978064/Z091015) and the Natural Science Foundation of Guizhou Province of China (no. 2017[1036]).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The code for generating the datasets used in the numerical verification is available on the Datacenterhub websites at https://www.dropbox.com/sh/zpkqy5w371mnzam/AAA-Omuvwx72tjv5NhnhnPuMa?e=3&dl=0 (accessed on 9 July 2024). The datasets used in the experimental verification are available upon request from the corresponding author. The datasets are not available to the public, as they are the preliminary results of an ongoing research project carried out in collaboration. Furthermore, this information will be used in future technological developments and will be subject to intellectual property protection.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Kumar, K.; Biswas, P.K.; Dhang, N. Time series-based SHM using PCA with application to ASCE benchmark structure. J. Civ. Struct. Health Monit. 2020, 10, 899–911. [Google Scholar] [CrossRef]
  2. Ardani, S.; Eftekhar Azam, S.; Linzell, D.G. Bridge health monitoring using proper orthogonal decomposition and transfer learning. Appl. Sci. 2023, 13, 1935. [Google Scholar] [CrossRef]
  3. Li, X.; Meng, Q.; Wei, M.; Sun, H.; Zhang, T.; Su, R. Identification of Underwater Structural Bridge Damage and BIM-Based Bridge Damage Management. Appl. Sci. 2023, 13, 1348. [Google Scholar] [CrossRef]
  4. Silik, A.; Noori, M.; Ghiasi, R.; Wang, T.; Kuok, S.-C.; Farhan, N.S.D.; Dang, J.; Wu, Z.; Altabey, W.A. Dynamic wavelet neural network model for damage features extraction and patterns recognition. J. Civ. Struct. Health Monit. 2023, 13, 925–945. [Google Scholar] [CrossRef]
  5. Gul, M.; Catbas, F.N. Structural health monitoring and damage assessment using a novel time series analysis methodology with sensor clustering. J. Sound Vib. 2011, 330, 1196–1210. [Google Scholar] [CrossRef]
  6. Stull, C.J.; Hemez, F.M.; Farrar, C.R. On assessing the robustness of structural health monitoring technologies. Struct. Health Monit. 2012, 11, 712–723. [Google Scholar] [CrossRef]
  7. Zhang, Y.; Wang, H.; Wan, H.; Mao, J.; Xu, Y. Anomaly detection of structural health monitoring data using the maximum likelihood estimation-based Bayesian dynamic linear model. Struct. Health Monit. 2021, 20, 2936–2952. [Google Scholar] [CrossRef]
  8. Chen, Z.; Zhang, K.; Chan, T.H.T.; Li, X.; Zhao, S. A Novel Hybrid Whale-Chimp Optimization Algorithm for Structural Damage Detection. Appl. Sci. 2022, 12, 9036. [Google Scholar] [CrossRef]
  9. Salachoris, G.P.; Standoli, G.; Betti, M.; Milani, G.; Clementi, F. Evolutionary numerical model for cultural heritage structures via genetic algorithms: A case study in central Italy. Bull. Earthq. Eng. 2024, 22, 3591–3625. [Google Scholar]
  10. Das, S.; Saha, P.; Patro, S.K. Vibration-based damage detection techniques used for health monitoring of structures: A review. J. Civ. Struct. Health Monit. 2016, 6, 477–507. [Google Scholar] [CrossRef]
  11. Neves, A.C.; Gonzalez, I.; Leander, J.; Karoumi, R. Structural health monitoring of bridges: A model-free ANN-based approach to damage detection. J. Civ. Struct. Health Monit. 2017, 7, 689–702. [Google Scholar] [CrossRef]
  12. Avci, O.; Abdeljaber, O.; Kiranyaz, S.; Hussein, M.; Gabbouj, M.; Inman, D.J. A review of vibration-based damage detection in civil structures: From traditional methods to Machine Learning and Deep Learning applications. Mech. Syst. Signal Process. 2021, 147, 107077. [Google Scholar] [CrossRef]
  13. Giordano, E.; Mendes, N.; Masciotta, M.G.; Clementi, F.; Sadeghi, N.H.; Silva, R.A.; Oliveira, D.V. Expeditious damage index for arched structures based on dynamic identification testing. Constr. Build. Mater. 2020, 265, 120236. [Google Scholar]
  14. Mohamed, A.S.; Sassi, S.; Roshun Paurobally, M. Model-Based Analysis of Spur Gears’ Dynamic Behavior in the Presence of Multiple Cracks. Shock Vib. 2018, 2018, 1913289. [Google Scholar]
  15. Standoli, G.; Salachoris, G.P.; Masciotta, M.G.; Clementi, F. Modal-based FE model updating via genetic algorithms: Exploiting artificial intelligence to build realistic numerical models of historical structures. Constr. Build. Mater. 2021, 303, 124393. [Google Scholar]
  16. Abbas, N.; Umar, T.; Salih, R.; Akbar, M.; Hussain, Z.; Haibei, X. Structural Health Monitoring of Underground Metro Tunnel by Identifying Damage Using ANN Deep Learning Auto-Encoder. Appl. Sci. 2023, 13, 1332. [Google Scholar] [CrossRef]
  17. Wu, C.; Peng, Y.; Zhuo, D.; Zhang, J.; Ren, W.; Feng, Z. Energy Ratio Variation-Based Structural Damage Detection Using Convolutional Neural Network. Appl. Sci. 2022, 12, 10220. [Google Scholar] [CrossRef]
  18. Ye, X.; Cao, Y.; Liu, A.; Wang, X.; Zhao, Y.; Hu, N. Parallel convolutional neural network toward high efficiency and robust structural damage identification. Struct. Health Monit. 2023, 22, 3805–3826. [Google Scholar] [CrossRef]
  19. Khodabandehlou, H.; Pekcan, G.; Fadali, M.S. Vibration-based structural condition assessment using convolution neural networks. Struct. Control Health Monit. 2019, 26, e2308. [Google Scholar] [CrossRef]
  20. Yu, Y.; Wang, C.; Gu, X.; Li, J. A novel deep learning-based method for damage identification of smart building structures. Struct. Health Monit. 2019, 18, 143–163. [Google Scholar] [CrossRef]
  21. Kiranyaz, S.; Ince, T.; Gabbouj, M. Real-Time Patient-Specific ECG Classification by 1-D Convolutional Neural Networks. IEEE Trans. Biomed. Eng. 2016, 63, 664–675. [Google Scholar] [CrossRef]
  22. Zhang, Y.; Miyamori, Y.; Mikami, S.; Saito, T. Vibration-based structural state identification by a 1-dimensional convolutional neural network. Comput. Aided Civ. Infrastruct. Eng. 2019, 34, 822–839. [Google Scholar] [CrossRef]
  23. Xue, Z.; Xu, C.; Wen, D. Structural Damage Detection Based on One-Dimensional Convolutional Neural Network. Appl. Sci. 2023, 13, 140. [Google Scholar] [CrossRef]
  24. Lin, Z.; Liu, Y.; Zhou, L.-R. Damage Detection in a Benchmark Structure Using Long Short-term Memory Networks. In Proceedings of the 2019 Chinese Automation Congress (CAC), Hangzhou, China, 22–24 November 2019; pp. 2300–2305. [Google Scholar]
  25. Bao, X.; Wang, Z.; Iglesias, G. Damage detection for offshore structures using long and short-term memory networks and random decrement technique. Ocean Eng. 2021, 235, 109388. [Google Scholar] [CrossRef]
  26. Sony, S.; Gamage, S.; Sadhu, A.; Samarabandu, J. Vibration-based multiclass damage detection and localization using long short-term memory networks. Structures 2022, 35, 436–451. [Google Scholar] [CrossRef]
  27. Zou, J.; Yang, J.; Wang, G.; Tang, Y.; Yu, C. Bridge structural damage identification based on parallel CNN-GRU. In Proceedings of the 2nd International Conference on Advances in Civil and Ecological Engineering Research, Online, 20–23 October 2020; p. 012017. [Google Scholar]
  28. Dang, H.V.; Tran-Ngoc, H.; Nguyen, T.V.; Bui-Tien, T.; De Roeck, G.; Nguyen, H.X. Data-driven structural health monitoring using feature fusion and hybrid deep learning. IEEE Trans. Autom. Sci. Eng. 2020, 18, 2087–2103. [Google Scholar]
  29. Fu, L.; Tang, Q.; Gao, P.; Xin, J.; Zhou, J. Damage Identification of Long-Span Bridges Using the Hybrid of Convolutional Neural Network and Long Short-Term Memory Network. Algorithms 2021, 14, 180. [Google Scholar] [CrossRef]
  30. Khan, S.; Yairi, T. A review on the application of deep learning in system health management. Mech. Syst. Signal Process. 2018, 107, 241–265. [Google Scholar] [CrossRef]
  31. Zhou, Y.; Zheng, Y.; Liu, Y.; Pan, T.; Zhou, Y. A hybrid methodology for structural damage detection uniting FEM and 1D-CNNs: Demonstration on typical high-pile wharf. Mech. Syst. Signal Process. 2022, 168, 108738. [Google Scholar] [CrossRef]
  32. Yang, W.; Peng, Z.; Wei, K.; Shi, P.; Tian, W. Superiorities of variational mode decomposition over empirical mode decomposition particularly in time-frequency feature extraction and wind turbine condition monitoring. IET Renew. Power Gener. 2017, 11, 443–452. [Google Scholar] [CrossRef]
  33. Das, S.; Saha, P. Performance of hybrid decomposition algorithm under heavy noise condition for health monitoring of structure. J. Civ. Struct. Health Monit. 2020, 10, 679–692. [Google Scholar] [CrossRef]
  34. Bao, X.; Fan, T.; Shi, C.; Yang, G. Deep learning methods for damage detection of jacket-type offshore platforms. Process Saf. Environ. Prot. 2021, 154, 249–261. [Google Scholar] [CrossRef]
  35. Wang, X.; Zhang, X.A.; Shahzad, M.M. A novel structural damage identification scheme based on deep learning framework. Structures 2021, 29, 1537–1549. [Google Scholar] [CrossRef]
  36. Chen, X.; Yuan, Y.; Zeng, G.; Wang, J. Semi-supervised semantic segmentation with cross pseudo supervision. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 19–25 June 2021; pp. 2613–2622. [Google Scholar]
  37. Gulati, A.; Qin, J.; Chiu, C.-C.; Parmar, N.; Zhang, Y.; Yu, J.; Han, W.; Wang, S.; Zhang, Z.; Wu, Y.; et al. Conformer: Convolution-augmented transformer for speech recognition. arXiv 2020, arXiv:2005.08100. [Google Scholar]
  38. Hwang, H.Y.; Kim, C. Damage detection in structures using a few frequency response measurements. J. Sound Vib. 2004, 270, 1–14. [Google Scholar] [CrossRef]
  39. Yan, W.-J.; Ren, W.-X. Closed-form modal flexibility sensitivity and its application to structural damage detection without modal truncation error. J. Vib. Control 2014, 20, 1816–1830. [Google Scholar] [CrossRef]
  40. Chen, F. Improvement of Kalman Filter and Kalman Estimator in the Application of Structural Damage Detection. Master’s Thesis, Xiamen University, Xiamen, China, 2014. [Google Scholar]
  41. Abdeljaber, O.; Avci, O.; Kiranyaz, M.S.; Boashash, B.; Sodano, H.; Inman, D.J. 1-D CNNs for structural damage detection: Verification on a structural health monitoring benchmark data. Neurocomputing 2018, 275, 1308–1317. [Google Scholar]
  42. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, Ł.; Polosukhin, I. Attention is all you need. arXiv 2017, arXiv:1706.03762. [Google Scholar]
  43. Dai, Z.; Yang, Z.; Yang, Y.; Carbonell, J.; Le, Q.V.; Salakhutdinov, R. Transformer-xl: Attentive language models beyond a fixed-length context. arXiv 2019, arXiv:1901.02860. [Google Scholar]
  44. Lu, Y.; Li, Z.; He, D.; Sun, Z.; Dong, B.; Qin, T.; Wang, L.; Liu, T.-Y. Understanding and improving transformer from a multi-particle dynamic system point of view. arXiv 2019, arXiv:1906.02762. [Google Scholar]
  45. Johnson, E.A.; Lam, H.F.; Katafygiotis, L.S.; Beck, J.L. Phase I IASC-ASCE structural health monitoring benchmark problem using simulated data. J. Eng. Mech. 2004, 130, 3–15. [Google Scholar] [CrossRef]
  46. Mousavi, Z.; Varahram, S.; Ettefagh, M.M.; Sadeghi, M.H.; Razavi, S.N. Deep neural networks–based damage detection using vibration signals of finite element model and real intact state: An evaluation via a lab-scale offshore jacket structure. Struct. Health Monit. 2021, 20, 379–405. [Google Scholar]
  47. Hu, Z.; Zhang, P. Damage identification of structures based on smooth orthogonal decomposition and improved beetle antennae search algorithm. Adv. Civ. Eng. 2021, 2021, 8857356. [Google Scholar]
Figure 1. Conformer network.
Figure 1. Conformer network.
Applsci 14 07377 g001
Figure 2. Architecture of the proposed model.
Figure 2. Architecture of the proposed model.
Applsci 14 07377 g002
Figure 3. A model of the IASC-ASCE SHM benchmark structure.
Figure 3. A model of the IASC-ASCE SHM benchmark structure.
Applsci 14 07377 g003
Figure 4. From left to right, these images correspond to the damage patterns D.P.1, D.P.2, and D.P.4 (red lines: no-stiffness braces; blue lines: normal braces).
Figure 4. From left to right, these images correspond to the damage patterns D.P.1, D.P.2, and D.P.4 (red lines: no-stiffness braces; blue lines: normal braces).
Applsci 14 07377 g004
Figure 5. Distribution of the measurement points of the IASC-ASCE SHM simulated benchmark model.
Figure 5. Distribution of the measurement points of the IASC-ASCE SHM simulated benchmark model.
Applsci 14 07377 g005
Figure 6. Three combinations were used to verify the effectiveness of DCPS learning.
Figure 6. Three combinations were used to verify the effectiveness of DCPS learning.
Applsci 14 07377 g006
Figure 7. Confusion matrices of the Conformer+Conformer model at different noise levels.
Figure 7. Confusion matrices of the Conformer+Conformer model at different noise levels.
Applsci 14 07377 g007
Figure 8. Experimental model of a four-story steel frame structure.
Figure 8. Experimental model of a four-story steel frame structure.
Applsci 14 07377 g008
Figure 9. Three kinds of replacement columns.
Figure 9. Three kinds of replacement columns.
Applsci 14 07377 g009
Figure 10. Acceleration response curves of the D.P.0 damage pattern. (a) Acceleration on the south side of the fourth floor. (b) Acceleration on the north side of the fourth floor.
Figure 10. Acceleration response curves of the D.P.0 damage pattern. (a) Acceleration on the south side of the fourth floor. (b) Acceleration on the north side of the fourth floor.
Applsci 14 07377 g010
Table 1. The D.P.0, D.P.1, D.P.2, and D.P.4 damage patterns, as defined in the IASC-ASCE SHM benchmark structure.
Table 1. The D.P.0, D.P.1, D.P.2, and D.P.4 damage patterns, as defined in the IASC-ASCE SHM benchmark structure.
Damage ModeMode Description
D.P.0No damage
D.P.1No stiffness in the braces of the first story
D.P.2No stiffness in any of the braces of the first and third stories
D.P.4No stiffness in one brace in the first story+No stiffness in one brace in the third story
Table 2. Detection accuracy (%) results and inference time (s) of baseline models for tests conducted on the IASC-ASCE SHM benchmark simulated dataset.
Table 2. Detection accuracy (%) results and inference time (s) of baseline models for tests conducted on the IASC-ASCE SHM benchmark simulated dataset.
Model1D CNNLSTMMulti-Head CNNCNN-LSTMTransformerConformer
ACC89.1088.2292.3992.5594.0795.19
Time(s)0.57 × 10−33.2 × 10−31.0 × 10−32.9 × 10−31.0 × 10−31.6 × 10−3
Table 3. Detection accuracy (%) of different network combinations for tests conducted on the IASC-ASCE SHM benchmark simulated data.
Table 3. Detection accuracy (%) of different network combinations for tests conducted on the IASC-ASCE SHM benchmark simulated data.
Model1D CNNConformerCNN+CNNCNN+ConformerConformer+Conformer
ACC89.1095.1994.2395.9996.96
Table 4. Detection accuracy (%) with and without noise augmentation using the DCPS learning strategy. ‘Noisy’ indicates that the noise augmentation step of the training set is used, and ‘Noiseless’ means that the noise augmentation step is omitted.
Table 4. Detection accuracy (%) with and without noise augmentation using the DCPS learning strategy. ‘Noisy’ indicates that the noise augmentation step of the training set is used, and ‘Noiseless’ means that the noise augmentation step is omitted.
ModelCNN+CNNCNN+ConformerConformer+Conformer
Noise handling of
the training set
NoisyNoiselessNoisyNoiselessNoisyNoiseless
ACC94.2393.4395.9995.9196.9696.88
Table 5. Accuracy results (%) of different models for tests conducted on the complete IASC-ASCE SHM benchmark simulated data at different noise levels. Average results are bolded to emphasize the average performance of each model at each noise level.
Table 5. Accuracy results (%) of different models for tests conducted on the complete IASC-ASCE SHM benchmark simulated data at different noise levels. Average results are bolded to emphasize the average performance of each model at each noise level.
Noise Level
(%)
DirectionFloorCNNMulti-Head
CNN
ConformerCNN+Conformer *Conformer+Conformer *
0x189.1092.3995.1995.9996.96
0x284.6294.1596.7997.0497.68
0x386.3093.8395.9997.7698.16
0x468.1992.6396.1596.0797.12
0y186.7094.4795.9995.9996.39
0y275.8096.1596.8897.5297.68
0y375.6494.5595.4396.2397.36
0y467.8796.3197.0497.4497.60
Average ACC at 0% noise level79.2894.3196.1896.7697.37
20x185.0290.7992.5594.2395.11
20x281.8994.1596.3996.6397.44
20x385.1892.9594.2395.3596.71
20x471.0791.9995.5196.2397.12
20y181.8994.6394.4796.0796.47
20y267.7195.1996.6396.8897.36
20y368.6793.5995.1995.5196.31
20y467.6396.3197.0497.5297.84
Average ACC at 20% noise level76.1393.7095.2596.0596.80
50x175.7285.9886.5488.9490.87
50x270.5191.1993.2794.8795.27
50x372.9290.0692.3993.7594.31
50x464.7490.1494.3994.5595.35
50y174.2891.5191.5993.3593.75
50y260.0289.8292.6393.1994.39
50y360.5889.6692.3992.7993.59
50y461.3095.0395.3596.1596.79
Average ACC at 50% noise level67.5190.4292.3293.4594.29
Average74.3192.8194.5895.4296.15
* represents structural damage identification methods that combine the conformer model and the DCPS learning strategy.
Table 6. Damage scenarios as specified in the experimental structure.
Table 6. Damage scenarios as specified in the experimental structure.
Damage CaseDescription
D.P.0Without damage (the columns at the southeast corner of floors 1–4 all have a diameter of 16 mm).
D.P.1Replaced the column on the first floor with a 14 mm-diameter column.
D.P.2Replaced the column on the second floor with a 14 mm-diameter column.
D.P.3Replaced the column on the third floor with a 14 mm-diameter column.
D.P.4Replaced the column on the fourth floor with a 14 mm-diameter column.
D.P.5Replaced the columns on the first and second floors with 14 mm- and 12 mm-diameter columns, respectively.
Table 7. Damage detection accuracy across different floors and directions (%).
Table 7. Damage detection accuracy across different floors and directions (%).
Floor/
Direction
CNNLSTMMulti-Head
CNN
CNN-LSTMTransformerConformerCNN+ConformerConformer+Conformer
First floor,
x direction.
80.9884.4587.4489.3689.5291.1893.5394.33
First floor,
y direction.
77.7882.1085.7383.1787.0193.3794.2898.93
Second floor,
x direction.
76.0186.5984.4583.4986.4391.9392.4194.12
Second floor,
y direction.
82.0584.9388.4688.3587.2393.4894.9299.57
Third floor,
x direction.
81.2083.6084.7284.8284.6188.6789.6392.84
Third floor,
y direction.
76.3386.3784.5087.6085.9591.7292.7898.77
Fourth floor,
x direction.
74.4779.2282.6386.5388.1991.9394.2895.56
Fourth floor,
y direction.
78.6384.1388.4089.7491.8291.4092.5798.98
Average78.4383.9285.7986.6387.6091.7193.0596.64
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

Hu, T.; Ma, K.; Xiao, J. Structural Damage Detection through Dual-Channel Pseudo-Supervised Learning. Appl. Sci. 2024, 14, 7377. https://doi.org/10.3390/app14167377

AMA Style

Hu T, Ma K, Xiao J. Structural Damage Detection through Dual-Channel Pseudo-Supervised Learning. Applied Sciences. 2024; 14(16):7377. https://doi.org/10.3390/app14167377

Chicago/Turabian Style

Hu, Tianjie, Kejian Ma, and Jianchun Xiao. 2024. "Structural Damage Detection through Dual-Channel Pseudo-Supervised Learning" Applied Sciences 14, no. 16: 7377. https://doi.org/10.3390/app14167377

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