Structural Damage Identification Based On Autoencoder Neural Networks and Deep Learning
Structural Damage Identification Based On Autoencoder Neural Networks and Deep Learning
Engineering Structures
journal homepage: www.elsevier.com/locate/engstruct
A R T I C LE I N FO A B S T R A C T
Keywords: Artificial neural networks are computational approaches based on machine learning to learn and make pre-
Autoencoders dictions based on data, and have been applied successfully in diverse applications including structural health
Deep learning monitoring in civil engineering. It is difficult to optimize the weights in the neural networks that have multiple
Deep neural networks hidden layers due to the vanishing gradient issue. This paper proposes an autoencoder based framework for
Structural damage identification
structural damage identification, which can support deep neural networks and be utilized to obtain optimal
Pre-training
solutions for pattern recognition problems of highly non-linear nature, such as learning a mapping between the
vibration characteristics and structural damage. Two main components are defined in the proposed framework,
namely, dimensionality reduction and relationship learning. The first component is to reduce the dimensionality
of the original input vector while preserving the required necessary information, and the second component is to
perform the relationship learning between the features with the reduced dimensionality and the stiffness re-
duction parameters of the structure. Vibration characteristics, such as natural frequencies and mode shapes, are
used as the input and the structural damage are considered as the output vector. A pre-training scheme is
performed to train the hidden layers in the autoencoders layer by layer, and fine tuning is conducted to optimize
the whole network. Numerical and experimental investigations on steel frame structures are conducted to de-
monstrate the accuracy and efficiency of the proposed framework, comparing with the traditional ANN methods.
⁎
Corresponding author.
E-mail address: [email protected] (L. Li).
https://doi.org/10.1016/j.engstruct.2018.05.109
Received 20 January 2018; Received in revised form 22 April 2018; Accepted 30 May 2018
Available online 18 June 2018
0141-0296/ © 2018 Elsevier Ltd. All rights reserved.
C.S.N. Pathirage et al. Engineering Structures 172 (2018) 13–28
Analysis (PCA) for data reduction, and the compressed FRFs re- multiple simple autoencoders are used to initialize the layer weights
presented by the most significant components were then used as the that are close enough to a good solution. The fine-tuning is performed
input to ANN for structural damage detection [9]. Ni et al. [10] in- to optimize the multiple layers of the whole network together with
vestigated the construction of appropriate input vectors to neural net- respect to the final objective function. Autoencoders have been used in
works for hierarchical identification of structural damage location and the “deep architecture” approaches [17,27–30] with unsupervised
extent from measured modal properties. The neural network is first learning algorithms.
trained to locate the damage, and then re-trained to evaluate the da- This paper proposes an autoencoder based framework for structural
mage extent with several natural frequencies and modal shapes. Yeung damage identification, which can be utilized to learn optimal solutions
and Smith [11] generated the vibration feature vectors from the re- for pattern recognition problems of highly non-linear nature, such as
sponse spectra of a bridge under moving traffic as the input to neural learning a mapping between the vibration characteristics and structural
networks for examination. It was shown that the sensitivity of the damages. The proposed framework consists of two main components,
neural networks maybe adjusted so that a satisfactory rate of damage namely, dimensionality reduction and relationship learning. The first
detection is achieved even in the presence of noisy signals. Bakhary component is to reduce the dimensionality of the original input vector
et al. [12] proposed a statistical approach to account for the effect of while preserving the necessary information required, and the second
uncertainties in developing an ANN model. Li et al. [13] used pattern component is to perform the relationship learning between the features
changes in frequency response functions and ANN to identify structural with the reduced dimensionality and the stiffness reduction parameters
damage. Later, Bandara et al. [14] used PCA to reduce the dimension of of the structure. Vibration characteristics, such as natural frequencies
the measured FRF data and transformed it as new damage indices. ANN and mode shapes, are used as the input and the structural damages are
was then employed for the damage localization and quantification. considered as the output vector. A pre-training scheme is performed to
Dackermann et al. [15] utilized cepstrum based operational modal train the hidden layers in the autoencoders layer by layer, and fine
analysis and ANN for damage identification of civil engineering struc- tuning is conducted to optimize the whole network. Numerical studies
tures. The damages in the joints of a multi-storey structure can be and experimental validations on steel frame structures are conducted to
identified effectively. demonstrate the accuracy and efficiency of the proposed framework,
In general, neural networks are particularly applicable to problems comparing with the traditional ANN methods.
where a significant amount of information is available, but an explicit
algorithm for processing them is difficult to specify. The weights asso-
2. Autoencoder based framework for structural health monitoring
ciated with the mapping functions that make the neural networks ex-
hibit desired behavior are obtained from training a large amount of
An autoencoder based framework, which can support deep neural
data. Back propagation based on gradient descent method is one of the
networks, is proposed for structural health monitoring. A typical au-
most traditional training algorithms, which has been found to be ef-
toencoder model will be briefly described in Section 2.1, and the pro-
fective providing: (1) Initial weights are close enough to a good solu-
posed Autoencoder based framework will be presented in Section 2.2.
tion; (2) Computers are fast enough; and (3) Data sets are big enough.
The proposed framework will be applied for structural damage identi-
However, it is difficult to optimize the weights in the networks that
fication, which is a pattern recognition problem based on the fact that
have multiple hidden layers due to the vanishing gradient issue and
the changes in structural physical material properties, i.e. stiffness, will
convergence to local minima [16]. This problem has been a bottleneck
alter the structural vibration characteristics, i.e. natural frequencies and
for ANN with shallow architecture models. For network models with a
mode shapes. In this study, natural frequencies and mode shapes serve
deep structure, the major difficulty has been to optimize the weights of
as the input to the proposed framework and the output will be the
the hidden layers that are close to the input layer.
elemental stiffness reduction parameters representing structural health
Hinton and Salakhutdinov [17] introduced the concept of deep
conditions. Training methods for the proposed framework will also be
learning to reduce the dimensionality of data and tackle the above three
described in Section 2.2.
limitations. Deep neural networks have attracted wide-spread attention,
mainly since they outperform alternative machine learning methods
such as support vector machine and kernel machines in numerous im- 2.1. Autoencoder
portant applications. The original applications mainly focused on face
detection, objective recognition, speech recognition and detection, and A traditional autoencoder [26] consists of two core segments: en-
natural language processing [18,19]. Recently it has been developed for coder and decoder with a single hidden layer.
fault detection and diagnosis in mechanical engineering [20,21]. A Encoder: The deterministic mapping f (x ) , which transforms a d-
study on using 1-D Convolutional Neural Networks for detecting the dimensional input vector x ∈ R d into a r-dimensional hidden re-
structural damage has been conducted in 2017 [22]. It should be noted presentation h ∈ Rr , is called an encoder. Its typical form is an affine
that sensors have to be placed on all the joints in a space frame struc- mapping followed by a nonlinear transformation, which can be ex-
ture to detect the damage in that work. Cha et al. [23] proposed a vi- pressed as follows
sion-based method using a deep architecture of convolutional neural h = f (x ) = Φ(Wx + b ) (1)
networks for detecting concrete surface cracks without calculating the
defect features. Nadith et al. [24] explored using the Autoencoders where W ∈ Rrxd denotes the mapping weight matrix of the encoder,
model to perform the feasibility study on pattern recognition for b ∈ Rr is the bias vector and Φ is the activation function, which is
structural health monitoring with numerical simulations only. No usually a squashing non-linear function and could be a sigmoid function
system uncertainties and measurement noises have been considered. or hyperbolic tangent function: Φ(x ) = sigmoid (x ) = 1/1 + e−x or
It has been demonstrated that deep learning based methods are Φ(x ) = tanh(x ) = (e x −e−x )/(e x + e−x ) . A non-squashing linear function,
favorable in optimizing networks with multiple hidden layers [25]. such as Φ(x ) = purelin (x ) = x , can also be used to output real values
Autoencoders are unsupervised training models. The aim of an auto- that do not fall into a specific range, where “purelin” is a linear transfer
encoder is to learn a representation for a set of data, usually for the function.
purpose of dimensionality reduction. Deep autoencoder is utilized for Decoder: The mapping g (h ) , which transforms the hidden re-
effective feature learning through hierarchical non-linear mappings via presentation h (observed in the step described above) back into a re-
the multiple hidden layers of the model [26]. The training of auto- constructed vector z ∈ R d in the input space, is called a decoder. The
encoders is usually performed in two stages: pre-training and fine- typical form of a decoder is also an affine mapping optionally followed
tuning. The pre-training is usually performed layer by layer and by a squashing nonlinearity
14
C.S.N. Pathirage et al. Engineering Structures 172 (2018) 13–28
⌢
̂ + b)
z = g (h ) = Φ(Wh (2) training could be a way to naturally decompose the problem into sub-
problems associated with different levels of abstraction. It is known that
where W ̂ ∈ R dxr is the weight matrix of the decoder, b ̂ ∈ R d is the bias unsupervised learning algorithms can extract salient information about
vector and Φ is the activation function described above. the input distribution. This information can be captured in a distributed
⌢
To optimize the parameters W , b , W ̂ , b , usually the mean squared representation, i.e., a set of features which encode the salient factors of
error is employed as the cost function as follows variation in the input. A one-layer unsupervised learning algorithm
m could extract such salient features, but because of the limited capacity
∗ ⌢∗ 1 1
[W ∗, b ∗, W ̂ , b ] = argminW , b , W ̂,⌢
b ∑ ⎛ ‖g (f (x (i) ))−x (i) ‖2 ⎞ of that layer, the features extracted on the first level of the architecture
m i=1 ⎝2 ⎠ (3) can be seen as low-level features. It is conceivable that learning a
(i)
where m is the number of samples, x is the ith input, f (·) and g (·) second layer based on the same principle but taking as input the fea-
mappings are the encoder and decoder functions respectively. The tures learned with the first layer could extract slightly higher-level
nonlinearity of the activation function shown in Eq. (3) is difficult to features. In this way, one could imagine that higher-level abstractions
solve, thus the gradient descent algorithm is commonly employed.A that characterize the input could emerge. In the latter stage, layers are
typical autoencoder neural network in Eq. (3) tries to reconstruct the pre-trained on performing the mapping between the learned salient
input. However if a response distinct from the input is used as the features to the output. Note how in this process all learning could re-
output of the decoder g (·) , it can be considered as a kind of non-linear main local to each layer, therefore side-stepping the issue of gradient
regression technique. diffusion that might be hurting gradient-based learning of deep neural
networks, when we try to optimize a single global criterion.
The objective of the proposed framework is to learn the relationship
2.2. The proposed framework
between the structural vibration characteristics, i.e. natural frequencies
and mode shapes, and the physical properties of structures, such as
Autoencoders can be used for various tasks, such as effective feature
stiffness. Therefore the input to the framework are the modal in-
learning, dimensionality reduction and nonlinear regression etc.
formation such as frequencies and mode shapes, while the elemental
[27,28]. These functions are explored in the proposed framework for
stiffness reduction parameters of structures are the output vector. The
structural health monitoring to learn a compressed feature re-
input feature vector including possibly many orders of natural fre-
presentation and form a nonlinear regression for accurate and robust
quencies and mode shapes is usually high dimensional. Learning a re-
structural damage detections.
lationship directly from a high dimensional input will very likely be less
The recent demonstrations of the potential of deep learning algo-
accurate than using compressed features, since the high dimensional
rithms were achieved despite the serious challenge of training models
input feature may contain unnecessary information due to the re-
with many layers of adaptive parameters. In general all instances of
dundancy in the data, as well as uncertainties such as measurement
deep learning, the objective function is a highly non-convex function of
noise and finite element modelling errors. Therefore, structural damage
the parameters, with the potential for many distinct local minima in the
identification in this study is performed in two main components in the
model parameter space. Hence the optimization algorithm may not be
proposed framework as shown in Fig. 1. The first component is to re-
guaranteed to arrive at even a local minimum in a reasonable amount of
duce the dimensionality of the original input vector while preserving
time, but it often finds a very low value of the cost function quickly
necessary information required, and the second component is to per-
enough to be useful provided with a decent initialization for weights.
form the relationship learning between the compressed features with
The principal difficulty is that not all of these minima provide
reduced dimensionality and the structural stiffness reduction para-
equivalent generalization errors but the weight initialization method
meters. Each component is defined with a specific objective optimiza-
for deep architectures. The standard training schemes (based on
tion function, which will be described in the following sections.
random initialization) tend to place the parameters in regions of the
The proposed framework is shown in Fig. 1. As mentioned above,
parameters space that generalize poorly—as was frequently observed
there are two components in this framework, namely the dimension-
empirically but rarely reported [25].
ality reduction and the relationship learning. In the dimensionality
Hence the concept of layer wise pre-training of the network is in-
reduction component, an autoencoder based model with a deep archi-
troduced to find the weights that are close to the optimal. In this paper
tecture and nonlinear activation units is proposed to perform the non-
a set of simple autoencoders were used to perform this task. One of the
linear dimensionality reduction. A lower dimensional feature vector
claims of this paper is that powerful unsupervised and semi-supervised
learned from this process is obtained to represent the given high di-
(or self-taught) learning is a crucial component in building successful
mensional data. It is worth noting that a pre-training scheme is con-
learning algorithms for deep architectures aimed at approaching op-
ducted for training the first component. The quality of the dimension-
timal solutions. If gradients of a criterion defined at the output layer
ality reduction process is evaluated by using the mean squared error
become less useful as they are propagated backwards to lower layers, it
(MSE) and the regression value (R-value) on the reconstruction accu-
is reasonable to believe that an unsupervised learning criterion defined
racy of the original input feature. In the relationship learning compo-
at the level of a single layer could be used to move its parameters in a
nent, a simple autoencoder model with a single hidden layer and
favourable direction. It would be reasonable to expect this if the single-
nonlinear activation units is utilized to perform this regression task.
layer learning algorithm discovered a representation that captures
MSE and R-Value are also used to evaluate the quality of the predictions
statistical regularities of the layer’s input [27]. Also layer wise pre-
15
C.S.N. Pathirage et al. Engineering Structures 172 (2018) 13–28
16
C.S.N. Pathirage et al. Engineering Structures 172 (2018) 13–28
0.5m
49.98mm
0.3m
0.3m
4.85mm
0.3m (b) Dimensions of the column
beam
2.1m
0.3m column
49.89mm
0.3m 8.92mm
(c) Dimensions of the beam
0.3m
0.3m
(a) (b)
Fig. 3. Laboratory model and dimensions of the steel frame structure: (a) Steel frame model; (b) Dimensions.
improve the training efficiency and achieve a better accuracy of the system has 195 DOFs in total. The translational and rotational restraints
proposed framework. at the supports, which are Nodes 1 and 65, are represented initially by a
large stiffness of 3 × 109 N/m and 3 × 109 N·m/rad, respectively. The
initial finite element model updating has been conducted to minimize
3. Numerical studies
the discrepancies between the analytical finite element model and the
experimental model in the laboratory. The detailed model updating
In this section, the numerical model, data generation and pre-pro-
process can be found in [32]. This updated finite element model is
cessing, and performance evaluation of the proposed framework will be
taken as the baseline model for generating the training, validation and
presented. The accuracy and efficiency of using the proposed frame-
testing data.
work for structural damage identification will be evaluated with si-
mulation data generated from a numerical finite element model. Both
the uncertainties in the finite element modelling and measurement
3.2. Data generation and pro-processing
noise effect in the data will be considered.
Modal analysis is performed by using the baseline model to generate
3.1. Numerical model the input and output data to train the proposed framework. The first
seven frequencies and the corresponding mode shapes at 14 beam-
A seven-storey steel frame structure is fabricated in the laboratory column joints are obtained. The elemental stiffness parameters are
and the dimensions of the frame are shown in Fig. 3. The column of the normalized to the range between 0 and 1, where 1 denotes the intact
frame has a total height of 2.1 m with 0.3 m for each storey. The length state and 0 denotes the completely damaged state. For example, if the
of the beam is 0.5 m. The cross-sections of the column and beam ele- stiffness parameter of a specific element is equal to 0.9, it means 10%
ments are measured as 49.98 mm × 4.85 mm and stiffness reduction is introduced in this element. 12,400 data samples
49.89 mm × 8.92 mm, respectively. The measured mass densities of the are generated from the baseline model including both single and mul-
column and beam elements are 7850 kg/m3 and 7734.2 kg/m3, re- tiple damage cases. In single element damage cases, the stiffness
spectively. The initial Young’s modulus is taken as 210 GPa for all parameter for each element varies from 1, 0.99, 0.98,… to 0.7 while the
members. The connections between column and beam elements are rest of elements are intact. 30 data sets are generated for such scenarios
continuously welded at the top and bottom of the beam section. Two when a local damage is introduced in a specific element. With 70 ele-
pairs of mass blocks with approximately 4 kg weight each, are fixed at ments in the finite element model, 2100 single damage cases are si-
the quarter and three-quarter length of the beam in each storey to si- mulated. In multiple element damage cases, the stiffness parameters of
mulate the mass from the floor of a building structure. The bottoms of randomly selected two or three elements out of 70 elements are
the two columns of the frame are welded onto a thick and solid steel changed with stiffness reductions randomly defined between 0 and
plate which is fixed to the ground. 30%, while the other elements are undamaged. 10,300 multiple da-
Fig. 4 shows the finite element model of the whole frame structure. mage cases with different damaged elements and patterns are simulated
It consists of 65 nodes and 70 planar frame elements. The weights of in total. The first seven frequencies and the corresponding mode shapes
steel blocks are added at the corresponding nodes of the finite element at 14 beam-column joints are taken as the input, and the pre-defined
model as concentrated masses. Each node has three DOFs (two trans- elemental stiffness reduction parameters as considered as the labelled
lational displacements x, y and a rotational displacement θ), and the output. These input and output data are used for the training and
17
C.S.N. Pathirage et al. Engineering Structures 172 (2018) 13–28
18
C.S.N. Pathirage et al. Engineering Structures 172 (2018) 13–28
Fig. 5. Damage identification results of a single damage case from ANN and the proposed approach for Scenario 1.
Fig. 6. Damage identification results of a multiple damage case from ANN and the proposed approach for Scenario 1.
Fig. 7. Damage identification results of another multiple damage case from ANN and the proposed approach for Scenario 1.
machine learning algorithm often decomposes as a sum over training expectation and it may be approximately estimated using a small set of
examples of some per-example loss function. As the training set size samples. Specifically, on each step of the algorithm, a mini batch of
grows to billions of samples, the time to take a single gradient step samples can be used, which is typically chosen to be a relatively small
becomes considerably long. The insight of SGD is that the gradient is an number of examples, ranging from 1 to a few hundred drawn uniformly
19
C.S.N. Pathirage et al. Engineering Structures 172 (2018) 13–28
Fig. 8. Damage identification results of a multiple damage case from ANN and the proposed approach for Scenario 2.
20
C.S.N. Pathirage et al. Engineering Structures 172 (2018) 13–28
Fig. 9. Damage identification results of another multiple damage case from ANN and the proposed approach for Scenario 2.
Fig. 10. Damage identification results of a minor damage case from ANN and the proposed approach for Scenario 2 with a higher noise level.
21
C.S.N. Pathirage et al. Engineering Structures 172 (2018) 13–28
Fig. 11. Damage identification results of a single damage case from ANN and the proposed approach for Scenario 3.
Fig. 12. Damage identification results of a multiple damage case from ANN and the proposed approach for Scenario 3.
22
C.S.N. Pathirage et al. Engineering Structures 172 (2018) 13–28
Fig. 13. Damage identification results of a minor damage case from ANN and the proposed approach for Scenario 4.
Fig. 14. Damage identification results of a multiple damage case from ANN and the proposed approach for Scenario 4.
approach also gives much more accurate stiffness reduction predictions floors of the frame model, and two flat bars of the same cross section
than ANN (SCG) in terms of both the locations and severities, with ANN with a width of 50 mm and a thickness of 5 mm are used as columns.
(SCG) producing several cases of false positives. The beams and columns are welded to form rigid beam-column joints.
Damage identification results from the four scenarios demonstrate The bottom of the two columns is welded onto a thick and solid steel
clearly the accuracy and robustness of using the proposed approach in plate, which is fixed to a strong floor. The initial elastic modulus of the
structural damage identification, compared with the traditional ANN steel is estimated as 200 GPa, and the mass density 7850 kg/m3.
(SCG), even when the measurement noise and uncertainty effect are Dynamic tests are conducted to identify the vibration characteristics
considered. of the testing frame model. A modal hammer with a rubber tip is used to
apply the excitation on the model. Accelerometers are installed at all
4. Experimental verifications the floors to measure horizontal acceleration responses under the
hammer impact. The sampling rate is set as 1024 Hz, and the cut-off
Experimental verifications of using the proposed approach for da- frequency range for the band-pass filter is defined from 1 Hz to 100 Hz
mage identification in a laboratory steel frame model are presented in for all tests. An initial shear-type finite element model with 8 lump
this section. The experimental setup, network design and training, and masses is built based on the dimensions and material properties of the
damage identification results will be presented in details. frame. Vibration testing data from the experimental model under the
healthy state are used to perform an initial model updating to minimize
the difference between the measured and analytical vibration char-
4.1. Experimental model and initial model updating
acteristics, i.e. frequencies and mode shapes. The First-order sensitivity
based method is employed for the updating [38,39]. Environmental
An eight-story shear-type steel frame model is fabricated in the la-
noise and uncertainties are inevitable in such kind of settings. The
boratory for experimental validations of the proposed approach. Fig. 15
detailed experimental test setup and model updating procedure are
shows the testing steel frame model in the laboratory. The height and
referred to Ref. [40]. The measured and analytcial natural frequencies
width of the frame structure are 2000 mm and 600 mm, respectively.
of the experimental model before and after model updating are listed in
Thick steel bars of with dimension of 100 mm × 25 mm are used as the
23
C.S.N. Pathirage et al. Engineering Structures 172 (2018) 13–28
Fig. 15. A steel frame model in the laboratory. A relatively simpler Autoencoder model is defined here considering
the complexity of the target problem and the number of unknown
Table 5 parameters to be identified. One hidden layer (k = 1) with 36 neurons
Measured and analytical natural frequencies of the experimental model before is designed in the dimensionality reduction component, and a hidden
and after updating. layer with 16 neurons is used in the relationship learning component.
The input vector contains 8 frequencies and 8 × 8 mode shape values,
Mode Measured Before updating After updating
that is, 72 values in total. 8 stiffness reduction parameters are involved
Analytical (Hz) Error (%) Analytical (Hz) Error (%) in the final output vector. For the pre-training, hyperbolic tangent
function is used as the encoder function and linear function is used as
1 4.645 4.810 3.55 4.636 0.19 the decoder function in the autoencoder. Hyperbolic tangent function is
2 13.705 14.267 4.10 13.714 0.06
3 22.554 23.238 3.03 22.558 0.02
used as the activation functions for all the layers. To have a fair com-
4 30.695 31.418 2.36 30.776 0.26 parison, the same number of hidden layers and neurons are used to
5 38.241 38.528 0.75 38.225 0.04 form an ANN model and the same training datasets are used.
6 44.434 44.325 0.25 44.422 0.03
7 48.826 48.614 0.43 48.712 0.23
4.4. Damage identification results
8 52.306 51.246 2.03 52.161 0.28
24
C.S.N. Pathirage et al. Engineering Structures 172 (2018) 13–28
proposed approach with real testing measurements for structural da- false identifications and smaller false values. This indicates that the
mage identification. The performance evaluation results for these two proposed approach can well identify the pre-set structural damages in
test cases by using ANN and the proposed approach are shown in the laboratory model with experimental testing data including en-
Table 6. It can be observed that the MSE value from the proposed ap- vironmental noise and uncertainties.
proach is significantly smaller than those from the ANN methods. Be-
sides, the regression from the proposed approach is also improved, as
represented by the R-Value. ANN with SGD training method requires a 5. Conclusion
much higher amount of training time, while same training time is re-
quired for both the proposed approach and ANN with SCG. Figs. 18 and An autoencoder based deep learning framework for structural da-
19 shows the identified structural damages of both damage Case 1 and mage identification is proposed in this paper. It can well perform the
Case 2. Comparing with the true introduced damages and results from pattern recognition between the modal information, such as frequencies
ANN methods, it is demonstrated that the identified stiffness reductions and mode shapes, and structural stiffness parameters. Two main com-
using the proposed approach are very close to the exact values with less ponents, that is, dimensionality reduction and relationship learning, are
included in the proposed framework. The dimensionality reduction
25
C.S.N. Pathirage et al. Engineering Structures 172 (2018) 13–28
Fig. 17. Introduced damages of the frame model: (a) Introduced damage at the 2nd floor; (b) Introduced damage at the 7th floor.
Fig. 18. Damage identification results of Case 1 from ANN and the proposed approach.
26
C.S.N. Pathirage et al. Engineering Structures 172 (2018) 13–28
Fig. 19. Damage identification results of Case 2 from ANN and the proposed approach.
output parameters. The proposed framework will be extended to utilize [15] Dackermann U, Smith WA, Randall RB. Damage identification based on response-
other structural vibration characteristics, e.g., flexibility and frequency only measurements using cepstrum analysis and artificial neural networks. Struct
Health Monitor 2014;13(4):430–44.
response function, etc., as the input, in order to increase the sensitivity [16] Hochreiter S, Bengio Y, Frasconi P, and Schmidhuber J. Gradient flow in recurrent
of the network and improve the performance of structural health nets: the difficulty of learning long-term dependencies, A Field Guide to Dynamical
monitoring and damage identification for detecting minor damages Recurrent Neural Networks. S.C. Kremer and J.F. Kolen, Eds. Wiley-IEEE Press.
2001:1–15.
under various uncertainties and noise effect. [17] Hinton GE, Salakhutdinov RR. Reducing the dimensionality of data with neural
networks. Science 2006;313:504–7.
Acknowledgments [18] Arel I, Rose DC, Karnowski TP. Deep machine learning-a new frontier in artificial
intelligence research [research frontier]. Computat Intelligence Magazine IEEE
2010;5(4):13–8.
The work described in this paper was supported by an Australian [19] Schmidhuber J. Deep learning in neural networks: an overview. Neural Net
Research Council project. 2015;61:85–117.
[20] Jia F, Lei Y, Lin J, Zhou X, Lu N. Deep neural networks: a promising tool for fault
characteristic mining and intelligent diagnosis of rotating machinery with massive
Appendix A. Supplementary material data. Mech Syst Sig Process 2016;72:303–15.
[21] Gan M, Wang C. Construction of hierarchical diagnosis network based on deep
Supplementary data associated with this article can be found, in the learning and its application in the fault pattern recognition of rolling element
bearings. Mech Syst Sig Process 2016;72:92–104.
online version, at http://dx.doi.org/10.1016/j.engstruct.2018.05.109. [22] Abdeljaber O, Avci O, Kiranyaz S, Gabbouj M, Inman DJ. Real-time vibration-based
structural damage detection using one-dimensional convolutional neural networks.
References J Sound Vib 2017;388:154–70.
[23] Cha YJ, Choi W, Büyüköztürk O. Deep learning-based crack damage detection using
convolutional neural networks. Comput-Aided Civ Infrastruct Eng
[1] Brownjohn JMW. Structural health monitoring of civil infrastructure. Philosoph 2017;32(5):361–78.
Transact Royal Soc London A: Mathemat, Phys Eng Sci 2007;365(1851):589–622. [24] Pathirage CSN, Li J, Li L, Hao H, and Liu W. Deep autoencoder models for pattern
[2] Li J, Hao H. A review of recent research advances on structural health monitoring in recognition in civil structural health monitoring. World Congress on Engineering
Western Australia. Struct Monitor Maintenance 2016;3(1):33–49. Asset Management (WCEAM 2016). Jiuzhaigou, Sichuan, China 2016.
[3] Padil KH, Bakhary N, Hao H. The use of a non-probabilistic artificial neural network [25] Bengio Y, and Lecun Y. Scaling learning algorithms towards AI. Bottou L, Chapelle
to consider uncertainties in vibration-based-damage detection. Mech Syst Sig O, DeCoste D, Weston J, Eds, Large-scale kernel machines. MIT Press. 2007.
Process 2017;83:194–209. [26] Vincent P, Larochelle H, Lajoie I, Bengio Y, Manzagol PA. Stacked denoising au-
[4] Hao H, Xia Y. Vibration-based damage detection of structures by genetic algorithm. toencoders: learning useful representations in a deep network with a local denoising
J Comput Civil Eng ASCE 2002;16(3):222–9. criterion. J Mach Learn Res 2010;11:3371–408.
[5] Ding ZH, Huang M, Lu ZR. Structural damage detection using artificial bee colony [27] Kan M, Shan S, Chang H, and Chen X. Stacked progressive autoautoencoders (SPAE)
algorithm with hybrid search strategy. Swarm Evol Comput 2016;28:1–13. for face recognition across poses. in 2014 IEEE conference on Computer Vision and
[6] Ding ZH, Yao RZ, Huang JL, Huang M, Lu ZR. Structural damage detection based on Pattern Recognition (CVPR), 2014:1883–1890.
residual force vector and imperialist competitive algorithm. Struct Eng Mech [28] Pathirage CSN, Li L, Liu W, and Zhang M. Stacked face de-noising auto encoders for
2017;62(6):709–17. expression-robust face recognition. in: in 2015 International Conference on Digital
[7] Yun CB, Yi JH, Bahng EY. Joint damage assessment of framed structures using a Image Computing: Techniques and Applications (DICTA), IEEE, 2015:1–8.
neural networks technique. Eng Struct 2001;23(5):425–35. [29] Bengio Y. Learning deep architectures for AI. Foundations Trends® Mach Learn
[8] Lee JJ, Lee JW, Yi JH, Yun CB, Jung HY. Neural networks-based damage detection 2009;2(1):1–127.
for bridges considering errors in baseline finite element models. J Sound Vib [30] Bengio Y, Lamblin P, Popovici D, and Larochelle H. Greedy layer-wise training of
2005;280(3):555–78. deep networks. NIPS'06 Proceedings of the 19th International Conference on Neural
[9] Zang C, Imregun M. Structural damage detection using artificial neural networks Information Processing Systems. 2006:153–160.
and measured FRF data reduced via principal component projection. J Sound Vib [31] Bengio Y. Practical recommendations for gradient-based training of deep archi-
2001;242(5):813–27. tectures, in Neural Networks: Tricks of the Trade, Springer, 2012:437–478.
[10] Ni YQ, Wang BS, Ko JM. Constructing input vectors to neural networks for struc- [32] Li J, Hao H. Substructure damage identification based on wavelet-domain response
tural damage identification. Smart Mater Struct 2002;11(6):825. reconstruction. Struct Health Monitor 2014;13(4):389–405.
[11] Yeung WT, Smith JW. Damage detection in bridges using neural networks for [33] Xia Y, Hao H, Brownjohn JMW, Xia PQ. Damage identification of structures with
pattern recognition of vibration signatures. Eng Struct 2005;27(5):685–98. uncertain frequency and mode shape data. Earthquake Eng Struct Dyn
[12] Bakhary N, Hao H, Deeks AJ. Damage detection using artificial neural network with 2002;31(5):1053–66.
consideration of uncertainties. Eng Struct 2007;29(11):2806–15. [34] Yuen K-V, Lam H-F. On the complexity of artificial neural networks for smart
[13] Li J, Dackermann U, Xu YL, Samali B. Damage identification in civil engineering structures monitoring. Eng Struct 2006;28(7):977–84.
structures utilizing PCA-compressed residual frequency response functions and [35] Lam H-F, Yuen K-V, Beck JL. Structural health monitoring via measured Ritz vectors
neural network ensembles. Struct Cont Health Monitor 2011;18(2):207–26. utilizing artificial neural networks. Comput-Aided Civ Infrastruct Eng
[14] Bandara RP, Chan TH, Thambiratnam DP. Frequency response function based da- 2006;21(4):232–41.
mage identification using principal component analysis and pattern recognition [36] Bottou L. Stochastic gradient learning in neural networks. Proceedings Neuro-
technique. Eng Struct 2014;66:116–28. Nımes 1991;91:1–12.
27
C.S.N. Pathirage et al. Engineering Structures 172 (2018) 13–28
[37] Møller MF. A scaled conjugate gradient algorithm for fast supervised learning. identification: convergence and performance. Int J Numer Meth Eng
Neural Net 1993;6(4):525–33. 2017;111:1231–51.
[38] Friswell M, and Mottershead JE. Finite element model updating structural dy- [40] Ni P, Xia Y, Li J, Hao H. Improved decentralized structural identification with
namics, Springer Science & Business Media, 1995. output-only measurements. Measurement 2018;122:597–610.
[39] Lu ZR, Wang L. An enhanced response sensitivity approach for structural damage
28