• <tr id="yyy80"></tr>
  • <sup id="yyy80"></sup>
  • <tfoot id="yyy80"><noscript id="yyy80"></noscript></tfoot>
  • 99热精品在线国产_美女午夜性视频免费_国产精品国产高清国产av_av欧美777_自拍偷自拍亚洲精品老妇_亚洲熟女精品中文字幕_www日本黄色视频网_国产精品野战在线观看 ?

    Structural Damage Identification System Suitable for Old Arch Bridge in Rural Regions:Random Forest Approach

    2023-02-17 03:12:48YuZhangZhihuaXiongZhuoxiLiangJiachenSheandChichengMa

    Yu Zhang,Zhihua Xiong,Zhuoxi Liang,Jiachen She and Chicheng Ma

    College of Water Resources and Architectural Engineering,Northwest A&F University,Yangling,712100,China

    ABSTRACT A huge number of old arch bridges located in rural regions are at the peak of maintenance.The health monitoring technology of the long-span bridge is hardly applicable to the small-span bridge,owing to the absence of technical resources and sufficient funds in rural regions.There is an urgent need for an economical,fast,and accurate damage identification solution.The authors proposed a damage identification system of an old arch bridge implemented with a machine learning algorithm,which took the vehicle-induced response as the excitation.A damage index was defined based on wavelet packet theory,and a machine learning sample database collecting the denoised response was constructed. Through comparing three machine learning algorithms: Back-Propagation Neural Network(BPNN),Support Vector Machine(SVM),and Random Forest(R.F.),the R.F.damage identification model were found to have a better recognition ability.Finally,the Particle Swarm Optimization(PSO)algorithm was used to optimize the number of subtrees and split features of the R.F.model.The PSO optimized R.F.model was capable of the identification of different damage levels of old arch bridges with sensitive damage index. The proposed framework is practical and promising for the old bridge’s structural damage identification in rural regions.

    KEYWORDS Old arch bridge;damage identification;machine learning;random forest;particle swarm optimization

    1 Introduction

    By the end of 2020, the quantity of highway bridges in China has reached 912,800 with a total length of 66,285,500 meters.Among them,small and medium-span bridges,accounting for 86.15%,are the predominant bridge types,which contain a large proportion of old double-curved arch bridges and stone arch bridges in rural regions[1,2].The main problems of old arch bridges are arch ring cracking,and sidewall cracking.When it comes to the damage identification of small-span bridges,the health monitoring technology of large bridges is hardly applicable in the absence of updated technology and insufficient funds[3].There is an urgent need for an economic,fast damage identification system with precision.

    Because the Machine Learning (ML) technique is capable of dealing with complex nonlinear structural systems under extreme action,along with the availability of large data sets,the use of ML in structural engineering has become increasingly popular in recent years.The applications of ML mainly include:(1)structural design and analysis;(2)structural health monitoring and damage detection;(3)structural fire resistance;(4)structural member resistance to various actions;(5)concrete mechanical properties and mix design[4-8].Professional technicians can familiarize themselves with the field as quickly as possible by providing database and machine learning code.

    In recent years, various cross-disciplinary bridge inspection and diagnosis technologies have emerged.In the field of data preprocessing,Fu et al.[9]combined the threshold of the power density spectrum with an Artificial Neural Network (ANN) to generate a processing flow dealing with abnormal signal data. As for the nonlinear and non-stationary signals, Zhang et al. [10] applied diverse noise reduction methods in dealing with the vibration signals of cable-stayed bridges and the variational modal decomposition method (VMD) was suggested [11]. The feature extraction of bridge monitoring mainly includes five ways:frequency domain,time-frequency domain,mechanics,statistical features and deep learning. Do et al. [12] put forward a system of combining the output vibration, Auto Regressive Moving Average (ARMA) model and the motion equations to identify damaged structures. Based on Bayesian regression models and reliability theory, Ni et al. [13]evaluated the health of expansion joints by analyzing the correlation between bridge temperature and joint displacements. The wavelet packet transform can further decompose and refine the frequency spectrum of the orthogonal wavelet that changes with scale.Moreover,the wavelet packet transform is capable of comprehensive extraction and processing of information and digging out the damaged information contained in the original signal of the arch bridge as much as possible[14,15].Therefore,the feature extraction of the old arch bridge in this study adopts the time-history response of vehicleinduced acceleration.The wavelet packet decomposition and the corresponding energy values in the time-frequency domain are utilized to calculate the damage index.

    With the popularity of artificial intelligence (A.I.) cloud computing, ML technology has been applied to bridge health diagnosis and damage identification. The Convolutional Neural Network(CNN)algorithm and an autoencoder data system were used to install structured health monitoring(SHM)on some long-span suspension bridges[16].Guo et al.[17]applied Kohonen neural network and Long-Short Term Memory(LSTM)neural network in bridge SHM.Assaad et al.[18]developed ML models using ANN and K-Nearest Neighbor (KNN) approaches to evaluate the deck deterioration condition. Currently, the widely applied measures in the field of damage pattern recognition are supervised and unsupervised learning[19],as well as anomaly recognition based on mathematical methods.The comparison of these types is shown in Table 1.

    In Table 1, the KNN algorithm has the advantages of being intuitive to understand and able to exploit the local distribution of the data without the need to estimate the whole. Nonetheless,it performs poorly in the degree of conformity between local estimation and global distribution and probability calculating and it is sensitive to the value ofK, which easily causes overfitting and underfitting. The K-means clustering algorithm is an unsupervised class of algorithms that do not require sample labeling information. It does not perform as well as supervised learning for not implementing the labeling information of the data.It is also sensitive to the value ofKand the sample distribution of the dataset itself[20].Cart decision tree adopts a binary cut of the data to classify,which has the advantages of intuitive visualization,easy traceability and regression.However,this model is susceptible to the maximum depth of the tree prefabricated parameters, and it is computationally slow and inefficient when dealing with a large quantity and high dimensionality data[21].Nonlinear Support Vector Machines (SVM) map low-dimensional data to high-dimensional feature space and then segment indistinguishable low-dimensional data with a decision-dividing hyperplane.Nonlinear-SVM is a part of a strong classifier that ensures the greatest possible distinction between two categories.But when dealing with scenarios where multiple categories mix, it is incapable of maintaining the global fault tolerance rate and is vulnerable to kernel function and parameter selection. The neural network is connected layer by layer in terms of weight to regress the complicated distribution.With a large number of internal parameters,the neural network’s nonlinear transformation can match any distribution. Its shortcoming includes sensitivity to changes in network topology, slow training and over-fitting[22].Generally speaking,a single machine learning model exists with a lot of assumptions,and a very flexible model is easily overfitted.The quantity of data,the speed of training prediction,accuracy, and the complexity of data interpretation must all be taken into account when selecting models,and there is no one-size-fits-all approach.

    Table 1: Comparison of machine learning in damage pattern recognition

    Since there is a large number of bridges and culverts in the northwest rural areas in China,and municipal funding is limited.It is difficult to install the advanced bridge SHM in those undeveloped area.With respect to the old bridges in rural areas,an affordable system is essential.The goal of this work is to provide a system for identifying old arch bridge deterioration that is quick,inexpensive,and accurate.The suggested approach also has general applicability in assessing the overall condition of various bridge types in rural areas quickly and accurately.

    2 Old Arch Bridge Damage Identification System Framework

    This paper integrates time-frequency domain feature extraction and Machine Learning(ML)for damage identification.Taking the vehicle’s live load as the environmental excitation,the acceleration sensor measuring points are arranged at different positions of the old arch bridge to collect acceleration mode signals containing damage information. The working principle is presented in Fig.1. The damage indicators are constructed by combining wavelet packet analysis theory. Then, the random forest algorithm is implemented to make pattern classification and training of a set of old arch bridge data.The technical route of damage identification is illustrated in Fig.2.After this section,this system will be elaborated in detail from the aspects of energy damage index construction,comparison of ML methods and model optimization.

    Figure 1:Principle of vehicle-induced vibration response

    Figure 2:Process of damage identification

    3 Construction of Damage Indicators for Old Arch Bridges

    3.1 Construction of Wavelet Packet Energy Damage Index

    Wavelet analysis only targets the decomposition of the low-frequency part at each scale and the frequency domain resolution in the high-frequency part is insufficient, resulting in partial loss of structural damage information in the high-frequency signal.By further dividing the signal at several scales and identifying features in different time-frequency with stable orthogonal time-frequency properties,wavelet packet analysis allows for improved frequency resolution[23].

    Parseval’s theorem states that signal energy is the sum of squares of varying amplitudes.The high and low frequencies are decomposed into frequency bands, and the sum of each band is the signal energy[24].After decomposing the wavelet packet with a signal scale 2iintoilayers,Eq.(1)is obtained,and the signal in each frequency band can be calculated with Eq.(3).

    wheref(t)is the signal,iis the number of decomposition layers,andjis the scale parameter indicating thejwavelet packet of the corresponding layer.

    Wavelet packet coefficients can be expressed as:

    whereandare wavelet packet(signal)functions and coefficients.

    The decomposed different frequency bands are the equations as follows:

    In Eq.(4), whereEiis the accumulated total energy value of wavelet packet energy in different frequency band.

    The energy values of distinct signal bands are determined from the orthogonality (Eq.(5)) by combining Eqs.(3)and(4).

    The frequency changes when the signal passes through the damaged part of the old arch bridge,and the energy value will change abruptly.The energy of the components has a high sensitivity to the change of the signal, so the adoption of wavelet packet energy values makes better response to the damage changes to the structure[25].

    Defining the wavelet packet energy damage index as Damage Index(DI),which can be expressed as Eq.(6).

    whereis the wavelet packet energy value of signal without damage/healthy condition;is the wavelet packet energy value of signal with the damaged condition;2i-1 indicates the number of bands of the final wavelet decomposition.

    The steps to obtain the wavelet energy damage index are as follows. To begin with, the wavelet packet energy values of health and damage conditions under decomposition scaleiwere calculated asandrespectively,utilizing the acceleration time-history signal of an arch bridge under various working conditions. The energy change can then be calculated using the difference between the two and the energy change rate can be calculated using the normalized elimination dimension.After signal decomposition,the normalized energy change rate is squared to avoid negative values and reduce the influence of individual bands, and the squared energy change rate of each decomposition band is summed to give the damage indexDI.

    Wavelet packet analysis is considered because low-scale wavelet decomposition cannot depict the changes before and after structural degradation,according to engineering experience[26].The original signal is decomposed into three same-band wide-division signals,and the wavelet packet energy of each node is extracted by Eq.(5). The wavelet packet energy of each layer of the damage condition and the corresponding health condition is superimposed by the operation of Eq.(6),which is the wavelet packet energy damage index under this damage condition.

    3.2 Response to the Introduction of Data Noise

    In the implementation of accelerometers, the inevitable interference of random white noise is mainly from the electromagnetic effect of the accelerometer and the observation error.The noise with a variance ofσ2and a mean value of 0 obeying a normal distribution is called White Gaussian Noise(WGN). The Signal Noise Ratio (SNR, unit: dB) of Eq.(7) is applied to characterize the degree of noise contamination of the acceleration signal,generally speaking,the higher the SNR,the better.

    4 Random Forest-Based Damage Identification Model for Old Arch Bridge

    As the former reviews in Section 1 on the current ML methods described,because there is seldom a parallel method that can be generated simultaneously among individual learners,the Random Forest(R.F.) algorithm technology can be utilized to construct the damage identification model. On the one hand, the model has a high level of randomness and noise resistance, as well as the ability to process high-dimensional data efficiently. Moreover, R.F. is a tree-like structure and the model is deeply interpretable. When modeling the damage identification, training, testing and judgment, the importance of input indexes can be estimated,which is beneficial to the feature selection of damage and has good generalization performance[27,28].

    The R.F.algorithm works by randomly extracting multiple sub-samples from the sample database,modeling Cart decision trees for each sub-sample set using the Bootstrap method,which uses reversible random sampling to form different self-help sets.R.F.trains the base classifier’s sampling,and Fig.3 illustrates how the workflow operates. The outputs of many decision trees are integrated using the regression average method or classified voting method,yielding the best random forest outcomes.The cart decision tree is used as a weak learner;some sample features on nodes are selected by bootstrap sampling.The optimal features are then selected to divide the left and right subtrees of the decision tree.

    Assuming that εi(x)is the regression result of a single Cart decision tree, the random forest is obtained by the Bootstrap sampling of different sample sets.The decision tree modeling is performed separately to obtain{ε(x,θi),i=1,2,...,n,whereθis random vector}.In Eq.(8),the regression type result is obtained after averaging.

    whereζ(x)denotes the result of random forest regression.

    Figure 3:The principle diagram of the random forest modeling

    According to Eq.(9), the subtypes determined from a pool of n samples, are modeled to derive the respective decision tree results and then voted to determine the optimal classification.

    whereζ(x)denotes the result of random forest classification; εi(x)is the single Cart decision tree output;η(t)is the indicative function;fis the dependent variable.

    Each Cart classification decision tree model εl(x),ε2(x),...,εi(x)is Bootstrap randomly sampled from the original large sample pool,and a margin functionM(x,f)is introduced to indicate the degree to which the average number of classifications passes more than rejects.Among them,the larger the function value is,the more accurate the classification result is.

    Eq.(11)reveals the Generalization Error(G.E.),which represents the model’s ability to generalize.

    εi(x)=f (x,θn)obeys the law of strong numbers, and G.E. will converge to the upper bound when the number of branching steps of the Cart decision tree increases,as shown in Eq.(12),furtherly illustrating the robustness of the model without overfitting.

    where k denotes the number of Cart decision trees.

    When the random forest generates the Cart decision tree combination without pruning through Bootstrap sampling,the probability of not being extracted isPnwhen the sample size n is large enough:

    According to Eq.(13), 36.8% of the data will not appear in Bootstrap samples, in other words,Out of Bag(OOB)data is generally used to evaluate the model’s generalization ability.The model is a generalized error estimate because each cart decision tree has an OOB error estimate based on all average values.OOB is an unbiased estimation that is not only more efficient but also better than other methods such as cross-validation,just like the test set with the same sample size.

    Defining all kinds of sets in the sample library as features, and feature selection is to remove irrelevant features from all features extracted from the sample library, which are connected to the selection of target variables. The curse of dimensionality is mitigated by feature selection, which decreases the difficulty of the learning task and the training time.For example,in terms of the KNN algorithm model,the distribution of samples in space is sparse when the number of indicators is large,which means less effective.At present,feature selection includes the Relieff algorithm,neighborhood component analysis algorithm and mRMR algorithm[29].

    The R.F.has superiority on screening the importance of indexes to select features.The Gini value is employed to evaluate the accuracy of determining the random forest algorithm. The concept is that noise is introduced into features, and then the importance of those features is determined by a sudden change in Gini value.Testing the performance with OOB data and comparing it to the old OOB accuracy,the random forest performance is tested after artificially adding noise to the characteristic variables.At last,the new OOB accuracy is obtained.The characteristic variable measurement value is the difference between the old and new OOB accuracy. The importance indexes are screened out during the construction of the arch bridge damage model so that the damage identification model with a large amount of samples can be modified and the model’s accuracy can be improved.

    5 Case Studies

    5.1 Numerical Model of Arch Bridges

    The damage of two old arch bridges was assessed using the damage assessment method based on the R.F.algorithm,and the damage identification process of the old arch bridge under vehicle-induced response was simulated by the finite element software CSiBridge.

    The entire bridge was discreted as beam element, as demonstrated in Fig.4. The arch ribs and bridge deck were connected by link element,the initial loading case was uniform dead load and the boundary condition of the arch was constrained.

    C50 concrete was used in the main arch ribs,arch tile,bridge deck,and cross-linked,and stone was used for the web arch cross-wall in the old arch bridge’s material selection.The material parameters,such as modulus of elasticity,Poisson’s ratio,and bridge type parameters,are summarized in Table 2.

    The second arch bridge was made up of two 13 meters approach span and 45 meters main span.The main arch was a constant section with a simply-supported pillar on the arch.The arch was a single box section with five chambers,and its dimension was:a height of 1.2 m,a total width of 7 m and a net height of 5.4 m.The arch was made of C30 concrete,and the roadway was 12 meters wide with one flexible lane of 3.5 meters wide,one non-motorway lane of 1.5 meters wide and one sidewalk in each direction.The specific modeling process is similar to the first bridge,and Fig.5 depicts the geometric model.

    Figure 4:Finite element model of the arch bridge with a span of 50 m

    Table 2: Parameter of the first arch bridge

    Figure 5:Geometric model of the arch bridge with a span of 45 m

    In CSiBridge,it provided the vehicle load function.The front and rear axle spacing was 3 m,both axles weighed 750 kg, the front axle weighed 1560 kg and the rear axle weighed 1820 kg of the two types of vehicle concentrated force live load. The above vehicles are the typical traffic flows at the bridge location,and the vehicle selection is consistent with the actual situation.The vehicle was set to pass over the arch bridge at a constant speed of 30,40 and 50 km/h respectively in the load section.

    5.2 Arrangement of Measuring Points

    The vehicle-bridge coupling analysis of a 50 m-span hyperbolic arch bridge is carried out in the finite element software CSiBridge to improve the layout of the test process and establish the location control of the acceleration sensor.The arch bridge is loaded with a live car with double axles of 7.5 KN and axle spacing of 1.5 m.The vehicle passes through at speeds of 10,15 and 20 m/s per second.The fast Fourier transform is applied to the acceleration time-history response,and the amplitude peaks of each point are compared.The sensor measurement point’s control position is set to the maximum node energy.

    In the entire bridge,19 nodes are picked for comparison.Fig.6 depicts the acceleration vibration mode curves of each node at various vehicle speeds. In order to distinguish easily, the acceleration vibration mode curves of each node at various vehicle speeds are represented by curves in different colors.Because the time domain signal is indivisible,it was carried on the frequency domain analysis.

    Figure 6:The acceleration vibration mode curve of each node

    FFT is applied to a time-domain curve with a vehicle speed of 15 m/s and a sampling frequency of 10 s,which satisfies the sampling theorem.As shown in Fig.7,the acceleration response spectrum is obtained.Fig.7a depicts the layout of the bridge’s 19 measuring points.Fig.7b shows the FFT results for measuring point 6,and Fig.7c shows the comparison result after selecting each measuring point’s maximum spectrum peak.The results show that the response peaks of measuring points 5-9,13,14,17 and 18 are the largest among the amplitude of acceleration response spectrum under different vehicle speeds,and the damage energy of energy index is the maximum value of each point of the entire bridge after calculation.

    Figure 7:Acceleration measuring point-FFT spectrum peak

    In most cases, the meso-damage of in-service arch bridge is hard to detect. After decades of weathering,material degradation and the accumulation of the meso-damage,the local stiffness of the arch bridge in the damaged region will change dramatically. From this perspective, the level of component’s damage and different damage conditions can be simulated by the stiffness degradation of the element.The greatest amplitude peak of the spectrum position is chosen as the measuring point of the acceleration sensor.On the arch bridge,five measuring spots with the highest response amplitude in the acceleration spectrum map are determined as demonstrating in Fig.8.

    Figure 8:Arrangement of measuring points

    5.3 Control Variables and Simulation Loading

    5.3.1 Loading Simulation for Different Damage Conditions

    Each measurement point in the model has a 10 s acceleration sampling time and a frequency of 100 Hz.Simulating damage conditions of 10%,20%and 30%for the third measurement point,while simulating the healthy working condition mode of the No.3 measurement point.The vehicle with a front axle load of 1560 kg and rear axle load of 1820 kg passed through the arch bridge at a speed of 30 km/h and produced six-dimensional accelerations:the translational acceleration of the XYZ axis and the acceleration of rotation around each axis. These records were exported to Matlab for timefrequency domain analysis,and the acceleration of each dimension was operated as Eq.(14)to obtain the combined acceleration:

    whereMagrepresents convergent acceleration,x,y,zrepresents translational acceleration,anda,b,crepresents rotational acceleration.

    The combined acceleration time-history response curve under different damage conditions is plotted in Fig.9.As the degree of damage continues increasing in Fig.9,the maximum amplitude of the acceleration ascends simultaneously.Similarly,the vehicle weight,loading speed and axle weight were kept constant, and the acceleration time-history response with the damage conditions of 10%,20%and 30%have been simulated respectively at the 5 measurement points.

    Figure 9: The acceleration vibration curve of 30 km/h measuring point 3 for different damage conditions

    5.3.2 Calculation of Data Noise

    The signal has been frequently disrupted by noise during the field test and recording.Gaussian white noise with signal-to-noise ratio magnitudes of about 33 and 53 dB has been applied to the acceleration response signals to guarantee that the trained numerical model reflects the same characteristics as the real field test[30]. At a speed of 30 km/h,the vehicle with a front axle load of 1560 kg and a rear axle load of 1820 kg passed through the arch bridge.The white Gaussian noise with SNR of 33 and 53 dB were introduced to the acceleration time-history response under this condition.The comparison time-history diagram of the original signal and the noise signal at the point 3 is drawn in Fig.10,in which as the signal-to-noise ratio SNR decreases the amplitude of the curve oscillation increases.To put it another way,more of the original signal would be submerged in noise.

    To ensure the balance of the samples,the amplitude of the same order of magnitude as the original signal, 96 groups of white Gaussian noise with SNR size of 53, 73 and 93 dB were introduced to various damage conditions, vehicle speed and load condition, while calculating the wavelet packet energy damage values under the corresponding conditions.

    Figure 10:Comparison between the original signal and introduced noise signal

    5.3.3 Damage Energy Values under Different Conditions

    The damage conditions of each point and the remaining parameters were kept constant by uniformly applying two types of vehicle load and three types of speed through the arch bridge as demonstrated in Eq.(15). Different conditions were used to simulate the acceleration time-history response curve.Indeed,the time-history response under different damage conditions was calculated for a total of 450 groups, and the response data under healthy conditions was 30 groups, yielding a total of 480 groups:

    The wavelet packet 2N decomposition of DB20 was performed in Matlab on the 5 measuring points representing health status and three damage conditions under various vehicle and speed conditions.After that,the corresponding layers were superimposed by Eqs.(13)and(15).Lastly,the damage energy value of 450 groups of wavelet packs was obtained,plus the energy value of 30 groups of health conditions,a total of 480 sets of DI values.The simulated loading and measurement point arrangement process of the second arch bridge was the same as that of the first arch bridge.The two bridges had a total of 960 sets of DI values.The operation flow is demonstrated in Fig.11.

    Figure 11: Calculation flow of damage energy DI value of each measuring point under different conditions

    6 Evaluation and Comparison of Algorithms

    6.1 Evaluation Indicators

    The four typical classification indexes T.P.,F.N.,F.P.,and T.N.that define the positive class are shown in Table 3:

    Table 3: Classification categories situation

    The most common classification of rating models includes accuracy,Micro/Macro F1 score,True Positive Rate(TPR),False Positive Rate(FPR),Receiver Operating Characteristic(ROC)curve,and Area Under Curve(AUC)[31].The model’s classification accuracy is defined as correctly identifying the proportion of the number of samples to the total sample, denoted by Ac; R/TPR denotes the complete rate or the percentage of the sample classified as a positive class. Negative classes are incorrectly classified as positives, according to FPR. The number represents the percentage of the total negative sample;the accuracy rate is expressed in P or classification accuracy.The proportions are correctly classified in a sample of positive classes[32].The F1 score is defined as the mean of the harmony of the complete rate,the accuracy rate,and the value range,with the larger value indicating a better classification effect.Micro F1 finds the corresponding total check rate and accuracy rate values for each group,then adjusts the average number to obtain;Macro F1 is the average of the F1 scores under different damage conditions.Eq.(16)explains how each indicator is calculated.

    With the true class rate TPR as the vertical coordinate and the false-positive class rate FPR as the horizontal coordinate,the ROC curve represents a curve drawn from a series of different classification thresholds. The larger the FPR, the more actual negative classes in the positive class are predicted,while the larger the TPR,the more actual positive classes in positive classes are predicted.Ideally,the true class rate TPR is close to 1 and FPR is close to 0,which means that the closer the ROC curve is to(0,1)and the more it deviates from the 45 degrees diagonal,the better the classification effect of the model is.In the multi-classification problem of damage identification,the ROC curves are finally averaged by combining two and two with different damage levels. In the actual analysis, if multiple ROC curves intersect,it is difficult to judge the model’s merit.Hence,the AUC value is introduced,which is the area enclosed by the ROC curve and the axis below(the value range is[0,1]).

    6.2 Construction of the Sample Library

    In this study, the numerical simulation results were used as the test training set to construct a sample library of old arch bridge damage identification for classification learning, testing and evaluation.

    It is necessary to clean and standardize the sample data source because it will appear in various discrete and continuous forms.As shown in Table 4,these sample characteristics of the old arch bridge are involved:the arch bridge width,span length,the material parameters,the loading speed,vehicle weight,the energy damage value with different noises,and the energy damage value without noise etc.

    Table 4: Sample characteristics of old arch bridges

    For machine learning in the latter section,the sample library has been trained with random forest and compared to other algorithmic models.

    6.3 Comparison of Different Model Algorithms

    The training results of random forest are compared with BPNN,the SVM algorithm model.The training of the BPNN belongs to gradient descent, using Cross-Entropy as the loss function. The smaller the learning rate,the better,but it brings longer training.The SVM chooses the Radial Basis Function(RBF)as kernel function[33],due to the linear indivisibility of the data,and to prevent the model from overfitting, a grid search is used for hyperparameter tuning to find the optimal penalty factor c and stop training error g. The number of split features and the number of subtree trees are two important R.F.parameters that are empirically initialized.Multiple pieces of training are used to obtain the optimal parameters of each model,ensuring the robustness of the models.Table 5 presents a comparison of the three models on the test set.

    Table 5: Comparison of three model algorithms

    The ROC curves of the three are plotted and the corresponding AUC values have been derived.As displayed in Table 5 and Fig.12, the R.F. accuracy, F1 score, AUC values, and ROC curves all performed better than B.P.neural network and SVM support vector machine,and the R.F.damage recognition model had a stronger damage recognition ability.

    7 Optimization of R.F.Models

    7.1 Optimization Theory of Particle Swarm Algorithms

    To improve the accuracy of the random forest damage recognition model,two important parameters of the random forest,the number of split features and the number of sub-trees,are hyperparameter tuned.Traditional grid search will traverse a variety of situations,parameter optimization is relatively blind,the calculation time is long,and the use of heuristic search algorithms can accelerate the solution and find the optimal solution.

    Figure 12:Comparison of ROC curve and AUC value

    Four popular algorithms have been compared:PSO(Particle Swarm Optimization Algorithms),WOA (Whale Optimization Algorithms), MFO (Moth Flame Optimization), and G.A. (Genetic Algorithm).Firstly,the MFO has the disadvantage of getting into the local best and the convergence rate cannot be satisfying[34].

    Secondly,the G.A.algorithm has not been able to use the feedback information of the network in time. At the same time, the realization of the three operators also has many parameters, such as crossover rate and mutation rate,and the selection of these parameters seriously affects the solution.At present, the selection of these parameters is mostly based on experience. The PSO algorithm implemented in this paper can use inertia weight and learning factor gradient to prevent dependence on empirical parameters[35].

    Thirdly,WOA whale converges slowly in the search process,and it is easy to fall into local optimum in the update mechanism,which restricts the classification performance and dimensionality reduction of the algorithm [36]. To conclude, PSO particle swarm algorithm is easy to understand, and the algorithm is stable,especially when searching for multiple parameters.

    By changing the inertia weights and the individual or group learning factors [37,38], the global and local iterative optimization search process of the PSO algorithm can be better balanced to prevent falling into local extremum points. Eq.(19) utilizes linearly decreasing inertia weight values, and Eq.(20)calculates asymmetric individual and group learning factors,with a larger inertia weight value favoring global search in the early stages and a smaller value favoring local search in the later stages.

    7.2 PSO Optimized R.F.Damage Identification Model

    The arch bridge’s damage output consisted of three damage conditions.The PSO optimized R.F.damage identification model was designed to evaluate hyperparameter selection and characterize the model’s damage identification performance. The damage identification was evaluated in terms of overall accuracy and the proportion of sample data with accurate identification of the three damage conditions to all samples. Fig.13 depicts how the particle swarm algorithm optimizes the random forest damage recognition model.

    Figure 13:PSO-RF damage identification model

    The data sample pool was divided into training and test sets with an 8:2 ratio, and the model was tested with random sequence labels before PSO optimization.Observed from Fig.13,the particle swarm parameters were first initialized, such as the maximum number of iterations, the range of particle parameters(number of subtrees&split features),individual and group learning factors and inertia weights. Moreover, this training set was used to train the R.F. damage recognition model,and the accuracy of damage recognition was evaluated with the test set, and the fitness value of particles was calculated from the accuracy. The velocity and position of the particle swarm were iterated continuously from Eqs.(17) to (20), and the number of split features and subtrees of R.F.were updated to make the best fitness of individuals and groups.The highest accuracy was obtained until the maximum number of iterations was reached and terminated. The global optimal number of splitting features and subtrees was obtained. Finally, the optimized PSO-RF model was used for damage identification and model evaluation.

    7.3 Analysis of Optimization Results

    The iterative process of optimizing parameters of the R.F. algorithm is depicted in Fig.14, in which the number of subtrees, the number of splitting features and the particle fitness utilized the PSO algorithm terminates after six rounds of 100 iterations.Two of the optimized parameters reach the optimal values in the 62nd, 21st, 87th, 9th, 47th, and 12th iterations from rounds 1 to 6. From 97.2%or 97.8%to the optimal value of 98.3%,the PSO optimization process goes through 1-3 stages to achieve the optimal value,which further demonstrates the stable classification performance of the R.F.model.

    Figure 14:Particle swarm fitness iterative process

    After iterations,the parameter combinations of multiple optimal R.F.models were obtained,the number of split features and the number of subtree trees with the most intensive occurrence 3 and 149 were taken,and the optimal fitness of the particles was 98.3%.The classification accuracy of PSO-RF was 95.6%, 95.6% and 95.6% for Micro F1 and Macro F1, and all indicators were higher than the other three types of models.

    Feature selection has been utilized to identify the significant characteristics.The selected features contain physical quantities such as damage indications. Comparing the important features of R.F.and PSO-RF models in Fig.15, where the feature in the range of 8~13 is much higher than other feature terms. This proves the significance of the proposed DI and the sensitivity of indicators. It is also observed that the original signal damage identification features in PSO-RF present higher feature importance.

    Figure 15:Feature importance of R.F.and PSO-RF

    8 Conclusions

    In this research,a fast structural damage identification framework based on machine learning is proposed,which aims to address the problem of rural regions’old bridge maintenance.Three different machine learning approaches-BPNN, SVM and R.F. have been compared in the evaluation of the damage status of old arch bridges.The following conclusions can be drawn:

    (1) The study simulates a numerical damage model in the environment with field noise,then trains an R.F.model according to the simulated 960 sets of data.The proposed damage identification index performs optimally in terms of feature importance in the R.F. damage identification model,and it plays an important role during the selection of important features.

    (2) The R.F. model has a 35 percent and 8.4 percent higher precision than SVM and BPNN,respectively, and a 34.9 percent and 8.4 percent higher index F1 score. R.F.’s Auc value is 2 percent higher and 17.7 percent greater than both SVM and BPNN. The constructed RF damage identification model has a better recognition capability compared with BPNN and SVM.

    (3) The two hyperparameters of RF,the number of split features and subtrees have been optimized by the PSO algorithm,which avoids the problem of selecting empirical parameters that make the model classification unreliable and improves the accuracy of the model.

    The proposed framework can also be easily extended to other bridge types,such as the prestressed concrete girder bridge,which has a general validity to the rapid and accurate assessment of the overall state of different bridge types in rural regions.

    Author Contributions:Conceptualization,Z.X.,and Y.Z.;methodology,Y.Z.,and Z.X.;software,J.S.,Z.L and Y.Z.;validation,Z.X.,Y.Z.,and J.S.;formal analysis,Y.Z.,and J.S.;investigation,J. S., C. M. and Y. Z.; resources, Z. X., Z. L, Y. Z. and J. S.; data curation, Y. Z., J. S., and Z. X.;writing—original draft preparation,Y.Z,J.S.,and Z.X.;writing—review and editing,Y.Z.,Z.L and Z.X.;visualization,Y.Z.and J.S.;supervision,Z.X.;funding acquisition,Z.X.,J.S.,and Y.Z.All authors have read and agreed to the published version of the manuscript.

    Funding Statement:This study and the related research were financially supported by the Elite Scholar Program of Northwest A&F University(Grant No.Z111022001),the Research Fund of Department of Transport of Shannxi Province(Grant No.22-23K),the Student Innovation and Entrepreneurship Training Program of China(Project Nos.S202110712555 and S202110712534).

    Conflicts of Interest:The authors declare that they have no conflicts of interest to report regarding the present study.

    国产免费男女视频| 欧美最新免费一区二区三区| 国产三级在线视频| 国产精品日韩av在线免费观看| 一个人观看的视频www高清免费观看| 亚洲人与动物交配视频| 少妇的逼水好多| 成人特级黄色片久久久久久久| 久久国产乱子免费精品| 国产精品女同一区二区软件| 欧美3d第一页| 亚洲最大成人中文| 国产 一区精品| 综合色av麻豆| 美女 人体艺术 gogo| 老师上课跳d突然被开到最大视频| 大香蕉久久网| 久久这里只有精品中国| 好男人视频免费观看在线| 国产一级毛片在线| 国产精品国产高清国产av| 久久人人精品亚洲av| 久久久久久久午夜电影| 秋霞在线观看毛片| 伦精品一区二区三区| 欧美又色又爽又黄视频| 我要搜黄色片| 人妻久久中文字幕网| 内射极品少妇av片p| 波多野结衣高清无吗| 国产一区二区在线av高清观看| 亚洲精品国产av成人精品| 久久久久久久久久久丰满| 久久精品国产亚洲av涩爱 | 天天躁日日操中文字幕| 亚洲国产精品久久男人天堂| 国产毛片a区久久久久| 精品人妻视频免费看| 舔av片在线| 久久人人爽人人片av| 亚洲av中文字字幕乱码综合| 日韩精品青青久久久久久| 欧美一区二区国产精品久久精品| 99热这里只有是精品在线观看| 亚洲第一电影网av| 亚洲精品乱码久久久v下载方式| 九草在线视频观看| 特级一级黄色大片| 国产亚洲精品av在线| 特级一级黄色大片| 岛国毛片在线播放| 欧美一区二区精品小视频在线| 日韩一本色道免费dvd| 久久国产乱子免费精品| 男的添女的下面高潮视频| 亚洲电影在线观看av| 99久久久亚洲精品蜜臀av| 男的添女的下面高潮视频| 男女下面进入的视频免费午夜| 国产精品久久久久久精品电影| АⅤ资源中文在线天堂| 我要看日韩黄色一级片| 18禁在线无遮挡免费观看视频| 给我免费播放毛片高清在线观看| 桃色一区二区三区在线观看| 如何舔出高潮| 99热精品在线国产| 国产成人freesex在线| 日韩一本色道免费dvd| 一本—道久久a久久精品蜜桃钙片 精品乱码久久久久久99久播 | 久久国产乱子免费精品| 欧美bdsm另类| 亚洲精品成人久久久久久| 黄片wwwwww| av免费观看日本| 哪个播放器可以免费观看大片| 美女黄网站色视频| 一夜夜www| 51国产日韩欧美| 国产在线男女| 婷婷色综合大香蕉| 少妇猛男粗大的猛烈进出视频 | www.色视频.com| 亚洲aⅴ乱码一区二区在线播放| 久久久久久伊人网av| 国产精品久久视频播放| 99久久成人亚洲精品观看| 在线播放无遮挡| 免费观看在线日韩| 天天躁夜夜躁狠狠久久av| 亚洲自拍偷在线| 哪里可以看免费的av片| 能在线免费看毛片的网站| 成人二区视频| 国产日韩欧美在线精品| www.av在线官网国产| 国产av在哪里看| 九色成人免费人妻av| 99久久精品国产国产毛片| 亚洲人成网站在线播| 中文资源天堂在线| 日日啪夜夜撸| 色哟哟·www| 最近手机中文字幕大全| 亚洲人成网站在线播| www.av在线官网国产| 国产乱人视频| 久久精品国产自在天天线| a级毛片a级免费在线| 亚洲欧美日韩高清专用| 久久精品国产亚洲av天美| 亚洲欧美日韩高清在线视频| 观看免费一级毛片| 国产亚洲精品av在线| 亚洲电影在线观看av| 欧美日韩精品成人综合77777| 波多野结衣高清作品| 日本爱情动作片www.在线观看| 校园春色视频在线观看| 我的老师免费观看完整版| 久久精品综合一区二区三区| 如何舔出高潮| 我的老师免费观看完整版| 淫秽高清视频在线观看| 九九爱精品视频在线观看| 高清午夜精品一区二区三区 | 国产91av在线免费观看| 两个人的视频大全免费| 一夜夜www| 国产精品永久免费网站| 大型黄色视频在线免费观看| 少妇猛男粗大的猛烈进出视频 | 亚洲欧洲日产国产| 精品99又大又爽又粗少妇毛片| 美女脱内裤让男人舔精品视频 | 亚洲图色成人| 国产三级中文精品| 性插视频无遮挡在线免费观看| 男人狂女人下面高潮的视频| 天堂网av新在线| 亚洲高清免费不卡视频| av女优亚洲男人天堂| 久久精品国产亚洲av天美| 亚洲,欧美,日韩| av天堂中文字幕网| av在线观看视频网站免费| 淫秽高清视频在线观看| 久久久久性生活片| 久久久久免费精品人妻一区二区| 中文欧美无线码| 日韩成人av中文字幕在线观看| 99热这里只有是精品在线观看| 国产精品不卡视频一区二区| 亚洲精品亚洲一区二区| 亚洲欧洲日产国产| 成年免费大片在线观看| 国产伦一二天堂av在线观看| 一进一出抽搐gif免费好疼| 五月玫瑰六月丁香| 国产淫片久久久久久久久| 国产色婷婷99| 三级经典国产精品| 精华霜和精华液先用哪个| 亚洲七黄色美女视频| 麻豆av噜噜一区二区三区| 黄色欧美视频在线观看| 久久精品国产亚洲av涩爱 | 狂野欧美激情性xxxx在线观看| 欧美zozozo另类| a级毛色黄片| 日韩大尺度精品在线看网址| 永久网站在线| www.色视频.com| 国模一区二区三区四区视频| 热99re8久久精品国产| 看非洲黑人一级黄片| 淫秽高清视频在线观看| 非洲黑人性xxxx精品又粗又长| 在线国产一区二区在线| 亚洲欧美精品专区久久| 91在线精品国自产拍蜜月| 尤物成人国产欧美一区二区三区| 高清午夜精品一区二区三区 | 久久午夜亚洲精品久久| 又爽又黄无遮挡网站| 看片在线看免费视频| 男女啪啪激烈高潮av片| 欧美一区二区亚洲| 女的被弄到高潮叫床怎么办| 成人亚洲欧美一区二区av| 亚洲欧美成人综合另类久久久 | 成人无遮挡网站| 国产精品久久电影中文字幕| 国产毛片a区久久久久| 免费电影在线观看免费观看| 久久午夜亚洲精品久久| 日韩视频在线欧美| 人妻夜夜爽99麻豆av| 国产黄a三级三级三级人| 一进一出抽搐动态| 亚洲精华国产精华液的使用体验 | 美女高潮的动态| 啦啦啦韩国在线观看视频| av在线蜜桃| 黑人高潮一二区| 久久国内精品自在自线图片| 久久久久久久久久久丰满| 亚洲欧美日韩高清在线视频| 亚洲国产日韩欧美精品在线观看| 日日摸夜夜添夜夜爱| 熟女人妻精品中文字幕| 特级一级黄色大片| 亚洲成人中文字幕在线播放| 中文字幕熟女人妻在线| 高清毛片免费观看视频网站| 亚洲av电影不卡..在线观看| 国产探花极品一区二区| 日本与韩国留学比较| 狠狠狠狠99中文字幕| 亚洲图色成人| 久久国产乱子免费精品| 中文字幕精品亚洲无线码一区| 免费无遮挡裸体视频| 久久久精品94久久精品| 亚洲在线观看片| av免费观看日本| 亚洲国产色片| 女同久久另类99精品国产91| 国产高清有码在线观看视频| 久久久欧美国产精品| 久久精品国产清高在天天线| 晚上一个人看的免费电影| 91久久精品电影网| 插阴视频在线观看视频| 国产成人一区二区在线| 变态另类丝袜制服| 国产高清三级在线| 亚洲欧洲国产日韩| 国产单亲对白刺激| 日韩欧美 国产精品| 丝袜美腿在线中文| 亚洲性久久影院| 亚洲av免费在线观看| 婷婷色av中文字幕| 国产极品天堂在线| 亚洲国产精品成人久久小说 | 亚洲最大成人手机在线| 网址你懂的国产日韩在线| 亚洲精品国产成人久久av| 中文字幕人妻熟人妻熟丝袜美| 国产av在哪里看| 日本欧美国产在线视频| 国产老妇女一区| 深爱激情五月婷婷| 成人综合一区亚洲| 亚洲一级一片aⅴ在线观看| 成人鲁丝片一二三区免费| 精品一区二区三区人妻视频| 一边摸一边抽搐一进一小说| 伦理电影大哥的女人| 一级毛片电影观看 | 久久这里有精品视频免费| 久久久成人免费电影| 日本撒尿小便嘘嘘汇集6| 免费观看在线日韩| av卡一久久| 欧美日韩国产亚洲二区| 97在线视频观看| 老师上课跳d突然被开到最大视频| 美女大奶头视频| 国产精品一区www在线观看| av福利片在线观看| 99久久无色码亚洲精品果冻| 人妻制服诱惑在线中文字幕| 一级毛片久久久久久久久女| 国产亚洲精品av在线| 国产成人精品婷婷| 国产 一区 欧美 日韩| 精品人妻视频免费看| 亚洲成人久久爱视频| 成人亚洲欧美一区二区av| 搡老妇女老女人老熟妇| 尾随美女入室| 久久久精品欧美日韩精品| 天堂网av新在线| 九九久久精品国产亚洲av麻豆| 夜夜夜夜夜久久久久| 国产精品一区二区性色av| videossex国产| 国产伦一二天堂av在线观看| 青春草亚洲视频在线观看| 亚洲在线观看片| 精品一区二区免费观看| 亚洲久久久久久中文字幕| 久久人人精品亚洲av| 午夜爱爱视频在线播放| 国产精品久久久久久精品电影| 99久国产av精品国产电影| 看十八女毛片水多多多| 日本免费a在线| av专区在线播放| 免费电影在线观看免费观看| 一本精品99久久精品77| 国产蜜桃级精品一区二区三区| 91精品国产九色| 欧美又色又爽又黄视频| 午夜激情欧美在线| 22中文网久久字幕| av女优亚洲男人天堂| 你懂的网址亚洲精品在线观看 | 精品日产1卡2卡| 日本与韩国留学比较| 熟女人妻精品中文字幕| 国产成人精品久久久久久| 在线观看午夜福利视频| 人体艺术视频欧美日本| 国产成人影院久久av| 三级经典国产精品| 亚洲精品影视一区二区三区av| 伊人久久精品亚洲午夜| 一夜夜www| 亚洲无线观看免费| 欧美性感艳星| 国产午夜精品论理片| 丰满乱子伦码专区| 欧美潮喷喷水| 国产精品三级大全| 波多野结衣巨乳人妻| 变态另类丝袜制服| a级一级毛片免费在线观看| 日韩三级伦理在线观看| 国产成人精品一,二区 | 日日摸夜夜添夜夜添av毛片| 我要看日韩黄色一级片| 亚洲国产日韩欧美精品在线观看| 欧美性猛交╳xxx乱大交人| 国产在线男女| 亚洲最大成人av| 国产精品野战在线观看| 色哟哟·www| 联通29元200g的流量卡| 国产黄a三级三级三级人| 成人美女网站在线观看视频| 国产成人精品婷婷| 国产欧美日韩精品一区二区| 色综合站精品国产| 国产av麻豆久久久久久久| 亚洲国产欧美在线一区| 精品国内亚洲2022精品成人| 亚洲国产欧美人成| 在线国产一区二区在线| 18禁在线播放成人免费| 国产伦一二天堂av在线观看| 天美传媒精品一区二区| 91精品一卡2卡3卡4卡| 成年女人永久免费观看视频| 国产成人午夜福利电影在线观看| 舔av片在线| 免费av观看视频| 欧美一区二区国产精品久久精品| kizo精华| 免费观看人在逋| 欧美人与善性xxx| 偷拍熟女少妇极品色| 国产精品人妻久久久久久| 欧美一区二区国产精品久久精品| 日韩在线高清观看一区二区三区| 最近视频中文字幕2019在线8| 成人午夜精彩视频在线观看| 国产黄a三级三级三级人| 成人一区二区视频在线观看| 国产一区二区激情短视频| 免费观看精品视频网站| 久久久久久久午夜电影| 日日摸夜夜添夜夜添av毛片| 嫩草影院新地址| 亚洲在久久综合| 欧美一区二区亚洲| 看免费成人av毛片| 亚洲av中文字字幕乱码综合| 国产精品日韩av在线免费观看| 国产精品野战在线观看| 舔av片在线| 久久久久免费精品人妻一区二区| 一夜夜www| 久久鲁丝午夜福利片| 国产黄片视频在线免费观看| 成年版毛片免费区| 插阴视频在线观看视频| 我的老师免费观看完整版| 国产真实乱freesex| 国产精品综合久久久久久久免费| 简卡轻食公司| 国产精品久久久久久亚洲av鲁大| 久久久国产成人精品二区| 哪个播放器可以免费观看大片| 特大巨黑吊av在线直播| 亚洲欧洲国产日韩| 久久人妻av系列| 亚洲精品色激情综合| 中文字幕久久专区| a级毛片免费高清观看在线播放| 小蜜桃在线观看免费完整版高清| 一级毛片久久久久久久久女| 免费无遮挡裸体视频| 精品久久久久久久末码| 你懂的网址亚洲精品在线观看 | 啦啦啦观看免费观看视频高清| 变态另类丝袜制服| 91精品一卡2卡3卡4卡| 我要搜黄色片| 老熟妇乱子伦视频在线观看| 一本久久精品| 一进一出抽搐gif免费好疼| 最近的中文字幕免费完整| 此物有八面人人有两片| 干丝袜人妻中文字幕| 精品久久久久久久久亚洲| 高清毛片免费看| 国产精品一及| 美女被艹到高潮喷水动态| 国国产精品蜜臀av免费| 欧美激情国产日韩精品一区| 欧美成人a在线观看| 国产高清不卡午夜福利| 精品一区二区三区视频在线| 99国产极品粉嫩在线观看| 又爽又黄无遮挡网站| 久久精品久久久久久噜噜老黄 | 中文亚洲av片在线观看爽| 久久午夜福利片| 国产午夜福利久久久久久| 国产人妻一区二区三区在| 日日啪夜夜撸| 一卡2卡三卡四卡精品乱码亚洲| 丰满的人妻完整版| 精品久久久噜噜| 色哟哟·www| 亚洲欧美成人精品一区二区| 国产黄片视频在线免费观看| 美女脱内裤让男人舔精品视频 | 国产高清不卡午夜福利| 国产片特级美女逼逼视频| 日韩一本色道免费dvd| 国产美女午夜福利| 一级黄色大片毛片| 婷婷六月久久综合丁香| 91av网一区二区| 国产精品精品国产色婷婷| 亚洲av成人精品一区久久| 少妇丰满av| 成熟少妇高潮喷水视频| 哪个播放器可以免费观看大片| 国内精品宾馆在线| 99视频精品全部免费 在线| 两个人视频免费观看高清| kizo精华| 国产一区二区在线av高清观看| 中文字幕人妻熟人妻熟丝袜美| 成人亚洲精品av一区二区| 国产爱豆传媒在线观看| 性插视频无遮挡在线免费观看| 国产伦一二天堂av在线观看| 成人特级av手机在线观看| 亚洲三级黄色毛片| 国产一区亚洲一区在线观看| 中文字幕人妻熟人妻熟丝袜美| 国产精品无大码| 欧美xxxx性猛交bbbb| 人体艺术视频欧美日本| 亚洲国产精品成人综合色| 亚洲在久久综合| 我要看日韩黄色一级片| 成人一区二区视频在线观看| 国产精品人妻久久久影院| 欧美另类亚洲清纯唯美| 午夜a级毛片| 精品99又大又爽又粗少妇毛片| 久久精品国产自在天天线| 国产精品久久电影中文字幕| 久久这里只有精品中国| 亚洲久久久久久中文字幕| 国产精品av视频在线免费观看| 免费看日本二区| 精华霜和精华液先用哪个| 国产v大片淫在线免费观看| 亚洲成人久久性| 18禁裸乳无遮挡免费网站照片| 你懂的网址亚洲精品在线观看 | 国产精品女同一区二区软件| av专区在线播放| 天堂√8在线中文| 亚洲在线自拍视频| 丰满的人妻完整版| 国产乱人偷精品视频| eeuss影院久久| 91精品国产九色| 亚洲欧洲国产日韩| 国产亚洲av片在线观看秒播厂 | 可以在线观看毛片的网站| 亚洲av成人av| 最近最新中文字幕大全电影3| 亚洲av免费在线观看| 国产v大片淫在线免费观看| 国产一区二区在线观看日韩| 晚上一个人看的免费电影| 91aial.com中文字幕在线观看| 免费看日本二区| 搡女人真爽免费视频火全软件| 久久久久久久久久久丰满| 久久精品国产清高在天天线| 亚洲图色成人| 丰满的人妻完整版| 精品久久久噜噜| 亚洲国产欧美人成| 波多野结衣巨乳人妻| av又黄又爽大尺度在线免费看 | 欧美另类亚洲清纯唯美| 久久久久久伊人网av| 国产精品久久电影中文字幕| 午夜a级毛片| 久久精品国产亚洲av天美| 国产私拍福利视频在线观看| 老师上课跳d突然被开到最大视频| 国产精品一及| 老女人水多毛片| 亚洲av成人av| 国产成人a区在线观看| 长腿黑丝高跟| 国产伦精品一区二区三区四那| 亚洲欧洲日产国产| 国产午夜精品一二区理论片| 欧美一区二区国产精品久久精品| 日韩视频在线欧美| 精品午夜福利在线看| 国产探花在线观看一区二区| 黑人高潮一二区| 国产综合懂色| 免费电影在线观看免费观看| 最近最新中文字幕大全电影3| 在线免费观看的www视频| 中文字幕人妻熟人妻熟丝袜美| 免费不卡的大黄色大毛片视频在线观看 | 联通29元200g的流量卡| 久久精品影院6| 欧美潮喷喷水| 色哟哟·www| 波多野结衣巨乳人妻| 99九九线精品视频在线观看视频| 国产白丝娇喘喷水9色精品| 国产精品美女特级片免费视频播放器| 麻豆一二三区av精品| 亚洲欧美日韩卡通动漫| 午夜福利高清视频| 国产精品永久免费网站| 日韩强制内射视频| 欧美日韩综合久久久久久| 国产中年淑女户外野战色| 日日撸夜夜添| 久久久久免费精品人妻一区二区| 99久久精品国产国产毛片| 国产 一区精品| 免费观看精品视频网站| 日日摸夜夜添夜夜爱| 久久热精品热| 高清在线视频一区二区三区 | 亚洲国产精品成人综合色| 在线观看av片永久免费下载| 亚洲国产精品国产精品| 深爱激情五月婷婷| 身体一侧抽搐| 免费黄网站久久成人精品| 亚洲精品国产成人久久av| 在线观看免费视频日本深夜| 麻豆av噜噜一区二区三区| 亚洲国产欧洲综合997久久,| 成人高潮视频无遮挡免费网站| 精品一区二区三区视频在线| 成人国产麻豆网| 亚洲精华国产精华液的使用体验 | 久久久午夜欧美精品| 国产亚洲av片在线观看秒播厂 | 哪个播放器可以免费观看大片| 99热精品在线国产| 美女内射精品一级片tv| 欧美日本亚洲视频在线播放| 午夜精品一区二区三区免费看| 亚洲aⅴ乱码一区二区在线播放| 亚洲精品乱码久久久久久按摩| 在线播放国产精品三级| 我要搜黄色片| 日韩欧美 国产精品| 色尼玛亚洲综合影院| 一级二级三级毛片免费看| 三级国产精品欧美在线观看| 午夜精品国产一区二区电影 | 亚洲天堂国产精品一区在线| 午夜亚洲福利在线播放| 1000部很黄的大片| 99久久人妻综合| 亚洲av一区综合| ponron亚洲| 级片在线观看| 最近中文字幕高清免费大全6| 日韩一本色道免费dvd| 久久人妻av系列| 日日摸夜夜添夜夜爱| 久久久午夜欧美精品| 成人美女网站在线观看视频| 免费搜索国产男女视频| 人人妻人人澡欧美一区二区| 免费观看精品视频网站| 一区二区三区免费毛片| 日本色播在线视频| 久久久久久久久中文|