Skip to main content
Advertisement
Browse Subject Areas
?

Click through the PLOS taxonomy to find articles in your field.

For more information about PLOS Subject Areas, click here.

  • Loading metrics

Automatic fault detection of sensors in leather cutting control system under GWO-SVM algorithm

  • Ke Luo ,

    Roles Conceptualization, Resources, Software, Visualization, Writing – original draft, Writing – review & editing

    11279@sdjzu.edu.cn

    Affiliation School of Information and Electrical Engineering, Shandong Jianzhu University, Jinan, Shandong Province, China

  • Yingying Jiao

    Roles Data curation, Methodology, Writing – original draft, Writing – review & editing

    Affiliation School of Information and Electrical Engineering, Shandong Jianzhu University, Jinan, Shandong Province, China

Abstract

The purposes are to meet the individual needs of leather production, improve the efficiency of leather cutting, and increase the product’s competitiveness. According to the existing problems in current leather cutting systems, a Fault Diagnosis (FD) method combining Convolutional Neural Network (CNN) and the Support Vector Machine (SVM) of Gray Wolf Optimizer (GWO) is proposed. This method first converts the original signal into a scale spectrogram and then selects the pre-trained CNN model, AlexNet, to extract the signal scale spectrogram’s features. Next, the Principal Component Analysis (PCA) reduces the obtained feature’s dimensionality. Finally, the normalized data are input into GWO’s SVM classifier to diagnose the bearing’s faults. Results demonstrate that the proposed model has higher cutting accuracy than the latest fault detection models. After model optimization, when c is 25 and g is 0.2, the model accuracy can reach 99.24%, an increase of 66.96% compared with traditional fault detection models. The research results can provide ideas and practical references for improving leather cutting enterprises’ process flow.

1. Introduction

The textile industry is vital in the early stage of China’s Reform and Opening-up, which has boosted China’s economic growth directly [1]. The leather industry occupies the majority of the textile industry. Traditionally, leather is cut by hand. However, manufacturers have begun to utilize high-efficiency and high-performance leather cutting devices due to the increasing demand for leather products [2]. Most manufacturers employ the high-frequency vibration Computer Numerical Control (CNC) cutting machine because of advantages such as fast cutting speed, good cutting quality, and high utilization [3]. However, large CNC cutting machines are imported. Maintaining these machines is troublesome because of intellectual property protection and the high costs of after-sales services, which dramatically limits industrial development [4]. Researches on the control system of CNC cutting machines in China are backward. Only some Chinese enterprises produce clothing-cutting machines; most Chinese factories utilize relay-contactor control technology, but the cutting accuracy is low. Because the thickness of the cut fabric is minimal, the relay-contactor control technology can cut clothing samples only, which is challenging to meet large clothing factories’ developmental needs [5]. As a traditional leather cutting device, the cutting machine is vital in improving leather cutting accuracy and tire production efficiency [6]. Therefore, constructing a fault detection model for the original device is urgent [7]. Fault Diagnosis (FD) technology is based on reliability theory, system theory, cybernetics, and information theory. FD is gradually formed by combining modern testing instruments and computers with various diagnostic objects [8]. FD technology can find various abnormal situations punctually and correctly, thereby preventing faults or minimizing the loss of faults in time [9]. Therefore, constructing a fault detection model for cutting control systems in the leather industry is essential to improve industrial efficiency.

Many scholars have researched automatic fault detection algorithms for machines. Ellefsen et al. (2019) proposed a fault detection algorithm for maritime components based on unsupervised reconstruction. They found that this algorithm was very suitable for end-to-end system solutions in the future [10]. Yılmaz and Bayrak (2019) proposed a new fault detection method based on non-wavelet transform to overcome wavelet transform limitations in real-time applications. This method had a wide application range and could detect faults quickly, which was reliable for the microgrid [11]. Okaro et al. (2019) proposed a machine learning algorithm for the automatic detection of product failures. This method was semi-supervised and could use data from builds where the components had been certified and builds where the component quality was unknown [12]. Ellefsen et al. (2020) proposed a fault-type independent spectral anomaly detection method for autonomous ferries, achieved 97.66% accuracy in the final test [13]. Brigham et al. (2020) proposed simplified automatic fault detection in wind turbine induction generators, with the rotor’s electrical asymmetry. This method was robust in variable speed. It also showed good versatility when it detected failures at speeds and conditions that did not occur during training [14]. To solve equipment failure, De Martini and Facchinetti (2020) proposed an electromechanical system framework based on a fuzzy inference system. This method and its specific conditions for electric vehicles had high computational performance and accuracy [15]. Therefore, deep learning algorithms and AI optimization are often utilized for fault detection. Nevertheless, different algorithms vary significantly.

Regardless of the above problems, the primary contributions are: (1) the Support Vector Machine (SVM) in deep neural networks is introduced into the leather cutting control system, which effectively solves the difficulty of determining the neural network, the local minima, the over-learning, and the under-learning. (2) The Gray Wolf Optimizer (GWO) is introduced to improve the algorithm accuracy. The accuracy of model clipping is improved further through parameter optimization. (3) Although many works have also applied the above two algorithms, the fusion algorithm’s efficiency is not improved. The research results can provide a practical basis for the technological development of the leather industry.

2. Related works

2.1 Principles of cutting control system

The leather cutting system works through hydraulic transmission and control. Notably, its structure is shown in Fig 1. The cutting control system uses hydraulic oil as the primary medium. The hydraulic pump generates tremendous pressure; then, the power components convert mechanical energy into hydraulic energy. The logical hydraulic control system employs hydraulic energy to control the angle and accuracy of leather cutting. Finally, hydraulic oil pressure is converted into mechanical energy via a cylinder or motor, thereby driving the mechanical load blade to move linearly or rotationally; consequently, the leather is cut [16].

The cutting machine’s hydraulic control system is the core to ensure cutting accuracy and efficiency, including power components, control components, and executive components. The principle of this system is similar to that of hydraulic transmission. However, the core control system will have more feedback devices, and the actual situation can be fed back to the computer while the hydraulic pump and its motor are cutting [17]. Principal parameters include actuator output, such as the displacement, speed, and pressure of the tire or leather. These parameters are compared with the input before cutting. The deviation between the input and the output is kept constant according to relevant departments’ requirements, thereby meeting the accuracy of leather cutting. Here, the core is the series feedback of multiple sensors, critical for leather cutting [18].

2.2 Research progress of FD

With the continuous development of signal collection technology, data processing technology, and computer technology, scholars worldwide have obtained many theoretical results in FD, and new diagnostic methods have also been continuously developed and improved, which greatly improved the reliability of fault monitoring and diagnosis. The United States has established a working group for mechanical fault monitoring and preventive diagnosis. This group is engaged in research on aviation equipment failure analysis and prediction [19]. In the meantime, mechanical FD technology has received much attention in European countries. The United Kingdom has established a machine health center engaged in mechanical FD research [20]. The Danish B&K Company has developed advanced sensor manufacturing technology. With the development of sensor technology, some scholars begin to use various sensors to collect signals under the working state of machinery and analyze the signals to evaluate the status of rolling machinery [21]. With the application of Fourier transform technology in signal processing, researchers begin to introduce spectrum analysis technology into the FD of motor rolling machinery, such as comparing the characteristic frequency of the vibration signal collected by the acceleration sensor with the characteristic frequency obtained by theoretical calculation or spectrum analyzer, thereby determining whether the working state of the rolling machinery has changed [22]. The “resonance demodulation” technology can separate fault signals and effectively determine the location and severity of mechanical faults [23]. With the development of computer network technology, researchers focus on developing online monitoring systems and expert systems for rolling machinery. Although expert systems can solve remote monitoring problems very well, it cannot extract fault features, or the extracted features are incomplete. The diagnostic accuracy of the method is not high.

A series of theories and results have been accomplished in the research of the FD algorithm. Hsu and Liu (2020) proposed a Convolutional Neural Network (CNN) intelligent diagnosis algorithm, which could automatically extract the mechanical fault features and recognize the faults. The feasibility of this method was proved through experimental simulation [24]. Amirat et al. (2020) put forward a method based on variable modal decomposition combined with the optimized SVM network for joint FD [25]. Qu et al. (2017) combined sparse expression technology and used its advantages in signal processing to extract features and identify faults of rolling machinery fault signals, achieving better diagnostic results [26]. Xu et al. (2017) designed a mechanical FD method based on LMD and morphological filtering. The reliability and feasibility of this method were verified by building a railway freight car wheel-to-rolling mechanical test system and analyzing typical mechanical failure signals [27]. Yu et al. (2016) designed a scheme of a rolling mechanical FD system based on LabVIEW, which analyzed and processed the signals under the diagnosis platform of LabVIEW. The feasibility of the scheme was verified through simulation test results [28]. Hong et al. (2017) proposed an early FD method for wind turbine machinery based on MCKD-EMD. The maximum correlation kurtosis deconvolution could highlight the fault shock pulse signal covered by noise in the mechanical vibration signal. The combination of MCKD and EMD was applied to early mechanical FD [29]. Zhu et al. (2019) proposed rolling machinery fault detection and diagnosis based on compound multi-scale fuzzy entropy and integrated SVM [30]. Ma et al. (2018) put forward a mechanical FD method based on wavelet packet decomposition and Principal Component Analysis (PCA) [31]. Deng et al. (2018) combined empirical mode decomposition with independent component analysis. They proposed an FD method based on empirical mode decomposition and independent component, which was successfully applied to mechanical FD [32]. Hu et al. (2019) proposed a rolling mechanical FD method based on feature extraction of compressed information. Apparently, with the development of technology, the methods of FD have also become diversified. However, these studies mostly stay in the theoretical stage and use less in actual production.

2.3 Fault detection model

The Programmable Logic Controller (PLC) processor, data collection, data storage, and data communication need to be placed on the same data processing platform for fault detection inside the leather cutting system. Multiple sensors must monitor the overall circuit jointly since the cutting system’s internal circuit and the running process are complicated. Fig 2 illustrates the internal fault detection system of the cutting machine. First, the system transmits data to the sensor through the operation. The sensor uploads the running data to the central processing system in time, and the central processing system is coordinated and dispatched via unified coordination, which is convenient for the operator to analyze and judge the overall operation of the cutting machine, evaluate the possible problems of the cutting machine, and thereby arranging the following production.

FD of the cutting system is the key to device operation. On the one hand, nature, degree, class, location, cause, and development trend of the fault can be determined, thereby providing an accurate reference for the following forecasting, control, adjustment, and maintenance. On the other hand, experiences can be accumulated for future FD of the cutting system, and appropriate solutions can be chosen for different fault types and degrees. However, the cutting control system’s current fault detection has problems, such as low detection accuracy and low recognition efficiency. Most of the faults are judged based on human experience, which significantly limits fault detection technology development. Therefore, the way to learn and judge fault detection is fundamental.

Factories are becoming increasingly intelligent and generating loads of process data with the rapid development of sensor technology, data storage and the internet. Data analysis needs for large amounts of data arise at the historic moment, and data-based machine learning technology can effectively improve FD. Commonly used fault detection technologies include Bayesian network, Artificial Neural Network (ANN), SVM, and Hidden Markov Model (HMM). Bayesian network is a commonly used machine learning technique for fault detection. It is a white box model because the graphical representation allows users to intuitively and easily understand the interaction between model variables. This characteristic is beneficial for modeling uncertainties and makes it easier for the model to use data from multiple sources. ANN is a non-parametric machine learning algorithm inspired by the functions of the human central nervous system. Its adaptive feature provides a robust modeling function, which is suitable for the nonlinear relationship between features. The similarity between ANN and a biological neural network is that both can calculate the various parts of the function collectively and in parallel, without the necessity of describing each unit’s specific tasks. ANN’s non-parametric nature and the ability to model nonlinear and complicated problems with high precision make it applicable in FD problems. ANN is easy to initialize because it does not require specifying the network structure. SVM uses different kernel functions (such as radial basis functions) to find a hyperplane that can best separate the data, with good classification performance when used with a small training set. SVM is an excellent technique for modeling linear and nonlinear relationships. Compared with other non-parametric techniques, its calculation time is relatively short. The availability of large training datasets is a challenge in machine learning. However, even in the case of limited training data, SVM has good results. HMM is an extension of the Markov chain model, which estimates the probability distribution of state transition and measurement output in a dynamic process, assuming that the process’s state is unobservable. HMM is a probabilistic model and is excellent in terms of unobservable states (such as chemical processes or the health of equipment) during the modeling process; hence, it is very suitable for FD.

2.4 GWO for solving engineering problems

There are many reports about GWO solving engineering problems. Fu et al. (2019) proposed a novel method for rotating machinery FD improved by blind parameter identification of MAR model and abrupt hybrid GWO. Signals collected from different fault types were divided into intrinsic mode function datasets through variational mode decomposition, and multiple autoregressive models of all IMFs were established. Afterward, key features were extracted through decomposition and recognition models and PCA. The results proved the effectiveness and superiority of this method [33]. To improve the accuracy and recognition efficiency of bearing DF, Huang et al. (2019) put forward an FD method based on improved GWO and SVM, where SVM was optimized by GWO to obtain the most suitable parameters of the new diagnostic model. Ultimately, this model improved the problem that the algorithm was easy to fall into the local optimum [34]. Li et al. (2020) proposed an optimized binary SVM classifier based on GWO to identify the pantograph arc. Then, the contribution rate of each feature value was calculated according to the current data state obtained from the pantograph experiment. The feature value data with a high contribution rate functioned on the training samples for learning and recognition via the classifier optimized by GWO. The results showed that GWO could quickly and accurately identify the pantograph arc. The obtained classification model was more accurate than the commonly used Genetic Algorithm (GA) and Particle Swarm Optimization (PSO) algorithm [35]. Almomani (2020) proposed a feature selection model for NIDS. The model was based on PSO, GWO, Firefly Algorithm (FFA), and GA, aiming to improve NIDS performance. It used GA, PSO, GWO, and FFA to deploy wrapper-based methods for selection. Anaconda Python Open Source was used to implement its functions. The proposed feature selection model could effectively identify and discover computer network attacks [36]. The above works prove that GWO has been widely applied to solve the engineering problems, especially in fault identification and processing.

3. Model construction

3.1 Support vector machine

SVM is a supervised learning model for analyzing data in classification and regression analysis in machine learning. SVM is based on the theory of statistical learning knowledge, which can analyze data, classify the samples, and process the nonlinear problems effectively [37]. Essentially, SVM aims to find an optimal classification hyperplane from multiple classification planes. Specifically, the structure of the SVM is shown in Fig 3. The two dashed lines represent the plane supported by the points closest to the optimal classification surface in the samples of the two classes, the red line represents the optimal classification hyperplane, and the data samples on these dashed lines are support vectors [38].

In Fig 4, the yellow and blue symbols represent two different types of samples, provided that the two types of samples are linearly separable. The sample set to be classified is {xi, yi}, i = 1, 2, …n, yi ∈ {−1, +1}, xiRd; yi is the class label number of sample xi, and the value is [-1, +1]; the sample is a d-dimensional vector. SVM algorithm aims to find a straight line to separate the two parts and maximize the shortest distance between the plane and the two samples. The function of the hyperplane is denoted as f (x), and it is calculated as: (1)

In (1), ω represents the effective distance from the hyperplane to the sample, T is the coordinate of the support vector sample point, and b is the intercept. If f (x) is greater than 0, the sample point is above the hyperplane, indicating that the sample point is positive, and the label value is +1; if f (x) is less than 0, the sample point is below the hyperplane, indicating that the sample point is negative, and the label value is -1; if f (x) is 0, the sample point is above the hyperplane. The geometric distance between the sample point and the hyperplane is calculated as follows.

(2)

In (2), τ is the geometric distance of each sample point on the hyperplane. The algorithm aims to find the optimal hyperplane. Hence, the distance between the nearest sample of the dividing line and the dividing line should be as far as possible. If the sample is (xk, yk), the objective function with constraints and optimization can be obtained.

(3)(4)

In (3) and (4), yi is the distance from point i to the y-axis, and yk is the distance from point k to the y-axis. If the nearest point on the hyperplane satisfies |f(x)| = 1, the mean distance to the hyperplane will be τ = 1/||ω||; hence, the classification distance between the two class samples is τ = 2/||ω||, and the exact classification function values are: (5)

The expression of learning objective is changed into a mathematical form: (6) (7)

In (6) and (7), s.t. represents the constraint condition. If the optimal plane satisfies yi(ωT xi + b) ≥ 1, i = 1, 2…n, the objective function 1/||ω|| obtains the maximum value equivalent to the minimum value. Then, the original analysis process can be changed into: (8) (9)

The above equations show that under the constraint of inequality, the original problem can be transformed into a dual problem using Lagrange through mathematical analysis; that is, into an equality constraint problem. After the Lagrangian transformation changes it into a dual problem, the optimal ||ω|| is searched. Once the constraints are satisfied, the dual problem becomes a set of α to maximize the objective function. Hence, the original problem is transformed from an inequality problem to an equality problem. If a set of new samples needs to be predicted for class labels, the following equations are applied.

(10)(11)

In actual situations, a penalty factor parameter c is introduced for nonlinear problems, whose expression is: (12) (13)

In (12) and (13), ζi represents the slack variable, which represents the allowable data point to deviate from the interval, represents the overall possibility of training errors. Parameter c can control the tolerance of the sample training credibility; the larger the c, the greater the importance of the sample. The feature space product can be calculated directly by introducing the kernel function and using the original space’s input data. The data are then mapped to the high dimension through the Lagrangian transformation and the kernel function and classified effectively by adjusting the penalty factor parameters. Finally, the classification results are obtained. K represents the coefficient, and the specific calculation is as follows: (14)

3.2 Gray wolf optimizer

GWO is a new meta-heuristic optimization algorithm with fast convergence speed and high optimization accuracy. Hence, it has excellent reference value in the application. GWO algorithm simulates the social organization leadership mechanism of the grey wolf packs. The group hunting behaviors, including searching for prey, surrounding prey, and hunting, can help obtain the optimal solution position via continuous iterative optimization [39]. The detailed principles are shown in Fig 5. There are three superior search individuals in the wolf packs, which are jointly responsible for specifying the movement direction of the inferior ω. Then, ω feeds back the information to the superior search individuals. Once the maximum number of iterations is met, the position of α is the optimal solution, the position of β is the sub-optimal solution, and the position of δ is the sub-sub-optimal solution [40]. GWO algorithm imitates the behaviors of wolves via three steps: surrounding, hunting, and attacking. The particular process is as follows:

  1. Surrounding prey: the population will find the best route for hunting by surrounding the prey during optimizing. The following equations can determine the target position and the optimal population position in the surrounding phase: (15) (16)
    In (15) and (16), t represents the current iteration number, is the coefficient vector, is the optimal target vector (the position of the prey), is the current position vector of a searching individual, and is the next moving direction vector. and can be represented by: (17) (18) (19)
    In (17)–(19), M is the maximum number of iterations, decreases linearly to 0 as the number of iterations t increases, and are random vectors between [0,1]. Therefore, the points around the optimal solution are searched by adjusting the size of the coefficient vector and . Furthermore, the local optimization ability of the algorithm is guaranteed. The optimization population can find all the offensive target paths while ensuring the algorithm’s global searchability.
  2. Hunting and attacking: when hunting and attacking prey, according to the signal sent by α, β, δ, ω will move and determine whether it is close to the target or far away. This process can be expressed as: (20) (21) (22)

In (20), (21), and (22), respectively, represents the direction vector between α, β, δ and ω, and respectively represents the direction vector that α, β, δ determines the next move. GWO algorithm realizes the modeling of the entire process of iterative optimization based on the wolves’ hierarchical division of labor system and wolf packs’ hunting behaviors. GWO algorithm is applied to the parameter optimization of the FD and recognition network of the cutting control system, optimizing the parameters c and g of the SVM training network, thereby improving the accuracy and efficiency of fault classification and recognition.

3.3 GWO-SVM-based fault detection model

An FD model is proposed based on GWO-SVM. The model’s core is optimizing the penalty coefficient c and the kernel function radius g of the SVM through the GWO algorithm. The optimal combination of c and are chosen to improve the classification accuracy and speed of SVM. The structure of the GWO algorithm is simple and easy to understand, which can be realized by setting a few parameters. GWO algorithm has a significant advantage in finding the optimal solution of SVM. The particular fault identification and the prediction model is shown in Fig 6. First, a dataset is prepared. After data normalization, the dataset is divided into a test set and a training set. After SVM processes the training set, it builds a fault prediction model based on the initial c and g, in an effort to minimize the error rate. Second, the positions are respectively updated according to the relations among the objective function’s values and the objective functions of α, β, and δ wolves. The positions are then divided into different levels, i.e., α, β, and δ, according to the fitness value. New Xα, Xβ, and Xδ are determined according to the updated optimal objective function values. Finally, the GWO algorithm optimizes the data parameters that do not meet the requirements, and the best parameters c and g are utilized for constructing the prediction model, predicting the unknown data sample, and analyzing the test results.

thumbnail
Fig 6. Automatic detection and recognition model of cutting control faults based on GWO-SVM algorithm.

https://doi.org/10.1371/journal.pone.0248515.g006

3.4 Model parameters and training

  1. Model parameter determination: the AlexNet model is chosen as the feature extraction model. AlexNet includes five convolutional layers, three fully-connected layers, and a Softmax layer at the bottom. A Local Response Normalization (LRN) layer comes after the first and second convolutional layers. The largest convergence layer appears in the two LRN layers and the last convolutional layer. The Rectified Linear Unit (ReLU) activation function is used at the end of each layer. Each state’s data is converted into a spectrogram. The trained AlexNet model is adopted to extract the features of the signal scale spectrogram. The feature extraction layer is fc7, and the number of iterations is 200. The AlexNet model can directly mine fault features from the original data, possessing a more vital ability to process high-dimensional and nonlinear data. Hence, it can clearly distinguish the health status of leather cutting and provide better support for the classification model. The performance parameters for different models are shown in Table 1.
  2. Model training: the cross-validation method is adopted. Generally, the data are divided into three sets randomly: the training set, the validation set, and the test set. The training set is utilized for model training. The validation set is applied to evaluate the prediction of the model and select the model parameters. Finally, the models are run on the test set to decide which model to use and the corresponding parameters. The experimental data are the operating data of the control system of a leather cutting company for 5 years. The training set, test set, and verification set account for 7:2:1 [41]. First, the operational data are extracted and scaled to fall into a small interval. The unit limit of the data is removed, and the data are converted into a dimensionless pure value, convenient for indicators of different units or magnitudes to be compared and weighted. Then the data are normalized, and the original data are linearly transformed so that the result falls into the [0,1] interval, where max is the maximum value of the sample data, and min is the minimum value of the sample data. The training sample set trains the SVM, the test sample set tests the trained SVM, and whether the diagnosis is accurate. Finally, the failure can be automatically detected by the SVM network that reaches the requirements. In the experiments, 500 normal samples, 1,000 inner ring failure samples, 1,000 outer ring failure samples, and 1,000 rolling element failure samples are selected to form the training set, totaling 3,500 samples. In the meantime, 1,000 samples are selected to form the test sample set, 500 samples are the validation set. All experiments perform 10 times of diagnosis, each failure analysis is independently completed. Each diagnosis repeats three experiments, and the average value is taken as the final result [42].

3.5 Model simulation and performance text

  1. Model simulation: the hardware is: Intel(R) Core(TM) i5-8300H 2.300 GHz, 8 GB internal memory, 64-bit operating system; the software is MATLAB R2019a. The details are shown in Table 2.
  2. Performance test: the proposed GWO-SVM model is compared with traditional SVM, OpenCV (CV), GA [43], PSO [44], Convolution Neural Network (CNN), and GWO. The optimal algorithm model optimizes the penalty coefficient c of the SVM and the radius g of the kernel function, thereby comparing the fitness curves of the obtained classification models for comparative experiments. Accuracy (Acc), Precision (Pre), Recall (Rec), and F1 are criteria for evaluating the model performance [45]. The details are shown in the following equations: (23) (24) (25) (26)
    In (23)–(26), P1 is the number of faults correctly identified by this model, P2 is the number of non-faults correctly identified by this model, P3 is the number of unrecognized faults, and P4 is the number of unrecognized non-faults.
  3. Statistical analysis: The data obtained are processed using SPSS 24.0 (SPSS Inc., Chicago, Illinois, USA) on the Windows platform. Continuous variables with normal distribution are expressed as mean ± standard deviation (SD), and non-normal variables are reported as median (interquartile range). The average of two continuous normally distributed variables is compared through the independent sample T-test, and it is considered significant when P<0.05. Data are visualized using Origin 2019 64 Bit and Visio 2013 [46].

4. Results and analyses

4.1 Comparative analysis of algorithm performance

Tables 36 demonstrate the performance comparison of different algorithms under different detection number sets. In terms of Pre and Rec of fault prediction, the GWO-SVM model presents the best performance, whose Pre can reach 92.69%. However, the Acc of the GWO-SVM model is not excellent. A possible reason is that the Acc indicator belongs to mixed calculation; for the model with less number of tests, the performance difference is inferior. The performance of CNN-SVM ranks second, with the highest Pre reaching 87.24%. Compared with GA, PSO, and CV, the CNN network has multi-threaded data analysis capabilities; as the number of data increases, the model Acc is continuously improving. The above results prove that the proposed GWO-SVM algorithm shows better performance in fault prediction.

thumbnail
Table 3. Accuracy results of different algorithms under the detection number sets.

https://doi.org/10.1371/journal.pone.0248515.t003

thumbnail
Table 4. Precision results of different algorithms under the detection number sets.

https://doi.org/10.1371/journal.pone.0248515.t004

thumbnail
Table 5. Recall results of different algorithms under the detection number sets.

https://doi.org/10.1371/journal.pone.0248515.t005

thumbnail
Table 6. F1-score results of different algorithms under the detection number sets.

https://doi.org/10.1371/journal.pone.0248515.t006

4.2 Determination of optimal parameters

Table 7 indicates the result of optimizing different c and g values under the GWO-SVM model. When the c value is 25, the Acc of the model reaches 96%, and the classification requires at least 337s. When the g value is 0.2, the model Acc reaches 95%, and the classification costs 352s. According to the above results, the subsequent experiments are conducted under the conditions of c = 25 and g = 0.2.

thumbnail
Table 7. Parameter optimization results under the GWO-SVM model.

https://doi.org/10.1371/journal.pone.0248515.t007

4.3 Comparison with traditional models

As shown in Tables 8 and 9, the Case Western Reserve University electrical engineering experimental dataset is utilized to test the traditional model’s fault handling results and the proposed GWO-SVM under different datasets. In terms of model Acc in fault prediction, the GWO-SVM model is significantly better than other traditional models, with the highest average Acc reaching 99.24%, which is 15.6% higher than that of the traditional models. The number of different fault predictions is compared with the time to obtain specific model processing efficiency. The average processing efficiency of the GWO-SVM model is 0.8667, while that of the traditional models is 0.2864; the former is 66.96% higher than the latter. The above results prove the effectiveness of the proposed GWO-SVM model.

thumbnail
Table 8. Accuracy results compared with traditional models.

https://doi.org/10.1371/journal.pone.0248515.t008

thumbnail
Table 9. Fault handling efficiency results compared with traditional models.

https://doi.org/10.1371/journal.pone.0248515.t009

4.4 Model performance verification and computational complexity

The Wilcoxon method tests the model. The results are summarized in Tables 1014. The obtained results are consistent with the results of Section 4.1 above. There are significant differences between the SVM algorithm and other algorithms. In terms of the model accuracy, there is no significant difference between the GWO-SVM and CNN-SVM algorithms (p >0.05). According to accuracy, recall, and F1 results, the proposed algorithm is significantly better than other algorithms. There are significant differences between the proposed algorithm and other algorithms (p<0.001). The traditional algorithms and the proposed algorithm are tested as well, revealing significant differences. Hence, the proposed algorithm has obvious advantages in performance.

thumbnail
Table 10. Computational complexity test results for accuracy of different models.

https://doi.org/10.1371/journal.pone.0248515.t010

thumbnail
Table 11. Computational complexity test results for precision of different models.

https://doi.org/10.1371/journal.pone.0248515.t011

thumbnail
Table 12. Computational complexity test results for recall of different models.

https://doi.org/10.1371/journal.pone.0248515.t012

thumbnail
Table 13. Computational complexity test results for F1-score of different models.

https://doi.org/10.1371/journal.pone.0248515.t013

thumbnail
Table 14. Fault handling efficiency compared with traditional models.

https://doi.org/10.1371/journal.pone.0248515.t014

The model proposed is compared with the state of the art methods. Its complexity is expressed as the algorithm processing efficiency per unit time. The results are shown in Table 15. Under the fixed experimental conditions, the traditional feature extraction methods and deep feature extraction methods are compared. Feature extraction (CNN) by comparing wavelet packet feature extraction and deep learning shows that using AlexNet for deep feature extraction, the obtained features are more obvious, making the classification effect more excellent. Besides, the optimization time is compared as well. Using deep learning for feature extraction requires less optimization time than traditional methods. Moreover, whether it is traditional feature extraction or deep extraction, the GWO-SVM model is far superior to the PSO-SVM model and the GA-SVM model in terms of training time and testing time, which improves the speed of model classification. In terms of the classification accuracy, the features extracted by the deep learning method are more precise and effective, so that more useful features can be input into the classifier, making the classification accuracy higher. Also, the classification accuracy of the GWO-SVM model is higher than the PSO-SVM model and the GA-SVM model. According to Table 10, the recognition rate of the GWO-SVM model is greatly improved with the increase in the number of diagnoses. The optimization time and diagnostic accuracy are the key factors to measure the diagnosis model. Compared with the state of the art algorithms, the performance of the proposed algorithm model in complexity is 0.29439, which is better than other models. Therefore, the GWO-SVM model has strong practicability in rolling machinery FD.

thumbnail
Table 15. Failure processing efficiency results compared with other models.

https://doi.org/10.1371/journal.pone.0248515.t015

5. Discussion

An FD method for leather cutting is proposed based on deep learning feature extraction and GWO-SVM. The signal features can be better obtained by converting the signal into a scale spectrum and using the SVM network for feature extraction. The GWO algorithm is employed to optimize SVM; in this way, the adjustment parameters are reduced, the optimization speed is fast, and the classification accuracy is high. After parameter optimization, this method can significantly improve the accuracy of FD. This is also verified in the study of Fu et al. (2019), in which they proposed an FD method for rotating machinery based on the blind parameter identification of the MAR model and the mutation hybrid GWO-SCA optimization; the actual application and comparative analysis proved the effectiveness and superiority of this method [47]. The SVM algorithm is based on the statistical learning theory and the principle of structural risk minimization. It minimizes the confidence risk by fixing the empirical risk and maps the input space to the high-dimensional inner product space, effectively avoiding the “dimensionality disaster.” It has significant advantages in solving small sample sets and nonlinear high-dimensional pattern recognition problems, which has received widespread attention in the field of FD. The simulation results also show that compared with the traditional algorithms, the average accuracy rate of the proposed algorithm is increased by 15.62%, which has also been verified in previous reports. Yan and Jia (2018) proposed an optimization-based support Multi-domain feature fault classification algorithm of SVM; this algorithm included three stages: multi-domain feature extraction, feature selection, and feature recognition; finally, the experimental analysis found that the proposed method could achieve higher diagnosis accuracy under different working conditions and was better than the traditional methods mentioned above and published in other literature [48].

The structure of the GWO algorithm is simple and easy to understand, which can be realized by setting a few parameters. GWO algorithm has a significant advantage in finding the optimal SVM solution, which is also proved in the above simulation results. Using deep learning for feature extraction requires less optimization time than traditional feature extraction. Moreover, whether it is traditional feature extraction or deep extraction, the speed of the GWO-SVM model is far superior to the PSO-SVM model and the GA-SVM model in terms of training time and test time, which improves the speed of model classification. In terms of classification accuracy, the features extracted by deep learning features are more apparent and significant so that more useful features can be input into the classifier, making the classification accuracy higher. Besides, the classification accuracy of the GWO-SVM model is higher than the PSO-SVM model and the GA-SVM model. As the number of diagnoses increases, the recognition rate of the GWO-SVM model is greatly improved. The optimization time and diagnostic accuracy are the key factors to measure the diagnosis model. Hence, the GWO-SVM model has strong practicability in the FD of leather cutting. Dong et al. (2019) combined the advantages of TSMWPE and proposed an intelligent FD method for rolling bearings combined with GWO-SVM. The FD method was applied to the experimental data analysis of two rolling bearings. The results showed that the method could accurately diagnose the fault category and severity of rolling bearings, and the corresponding recognition rate was higher than the current comparison method [49], which is consistent with the above results. On the one hand, nature, degree, class, location, cause, and development trend of the fault can be determined, thereby providing an accurate reference for the following forecasting, control, adjustment, and maintenance. On the other hand, experiences can be accumulated for future FD of the cutting machines, and appropriate solutions can be chosen for different fault types and degrees.

Feature extraction using deep learning requires less optimization time than traditional feature extraction. Moreover, whether it is traditional feature extraction or deep extraction, the speed of the GWO-SVM model is far superior to the PSO-SVM model and the GA-SVM model in terms of training time and test time, which improves the speed of model classification. In terms of classification accuracy, the features extracted by deep learning features are more apparent and significant so that more useful features can be input into the classifier, making the classification accuracy higher. Besides, the classification accuracy of the GWO-SVM model is higher than the PSO-SVM model and the GA-SVM model. As the number of diagnoses increases, the recognition rate of the GWO-SVM model is significantly improved. The optimization time and diagnostic accuracy are the key factors to measure the diagnosis model. Hence, the GWO-SVM model has strong practicability in the FD of leather cutting. When the Gaussian kernel’s radius is minimal, over-fitting will occur due to the classifier’s over-reliance on training samples, resulting in poor classification results. As Gaussian kernel’s parameters increase, the algorithm’s performance gradually improves. Once the parameter reaches a particular value, the classifier’s learning ability begins to deteriorate gradually, and the error rate also increases. The reason is that the proposed algorithm is a down-sampling algorithm, and the selected samples are representative. Therefore, SVM and GWO algorithms have particular advantages and can well exert these advantages in dealing with faults.

6. Conclusions

Problems in the current leather cutting system are analyzed deeply. A fault detection model is constructed according to the principles of SVM. Then, the GWO algorithm parameters that influence the recognition effect, i.e., the penalty factor parameter c and the kernel function parameter g, are optimized. The model is trained by 5-year operational data. Afterward, it can learn and recognize the feature vectors that characterize the fault mode. Finally, the experimental results prove that the hybrid FD model using the GWO-SVM classification network has a better recognition effect. Compared with other models, the GWO-SVM model has higher cutting accuracy and more straightforward system operation, which can provide a theoretical basis for the process improvement of leather cutting enterprises. Although the model’s accuracy is high, several problems are found, and some methods need improving. First, the accuracy of fault pattern recognition is connected to selecting feature vectors and closely correlated to the training network’s parameter settings. In the future, the method of network identification optimization can be improved to analyze and mine the data’s internal structure, thereby improving FD’s identification efficiency and accuracy. Second, the operating condition database of all cutting sensing systems can be established. The control signals are collected, analyzed, judged, and diagnosed in real-time using the computer and other software systems to monitor the cutting machines. These two aspects will be explored in-depth to improve the fault detection models of cutting machines in the future.

References

  1. 1. Ślusarczyk B., Haseeb M., Hussain H.I. Fourth industrial revolution: a way forward to attain better performance in the textile industry. Engineering Management in Production and Services. 2019, 11(2): 52–69.
  2. 2. Moktadir M.A., Ahmadi H.B., Sultana R., Liou J.J., Rezaei J. Circular economy practices in the leather industry: A practical step towards sustainable development. Journal of Cleaner Production. 2020, 251 119737–119743.
  3. 3. Li Y., Deng J., Chai Y., Fan W. Surface textures on cemented carbide cutting tools by micro EDM assisted with high-frequency vibration. The International Journal of Advanced Manufacturing Technology. 2016, 82(9–12): 2157–2165.
  4. 4. Mehra B., Bhattar S., Saxena S., Rawat D., Bhalla P. Fiber Laser Marking Machine for Metal/Plastic/Tag/Key Chains/Pen Metal Tag Printing Machine-50webs. com. Journal of Laboratory Physicians. 2016, 8(1): 36–45.
  5. 5. Xu G., Wu Y., Minshall T., Zhou Y. Exploring innovation ecosystems across science, technology, and business: A case of 3D printing in China. Technological Forecasting and Social Change. 2018, 136 208–221.
  6. 6. Zhou L., Li J., Li F., Meng Q., Li J., Xu X. Energy consumption model and energy efficiency of machine tools: a comprehensive literature review. Journal of Cleaner Production. 2016, 112 3721–3734.
  7. 7. Huang H., Zhao L., Huang H., Guo S. Machine fault detection for intelligent self-driving networks. IEEE Communications Magazine. 2020, 58(1): 40–46.
  8. 8. Mitra B., Chowdhury B., Manjrekar M. HVDC transmission for access to off-shore renewable energy: a review of technology and fault detection techniques. IET Renewable Power Generation. 2018, 12(13): 1563–1571.
  9. 9. Lu S., He Q., Wang J. A review of stochastic resonance in rotating machine fault detection. Mechanical Systems and Signal Processing. 2019, 116 230–260.
  10. 10. Ellefsen A.L., Bjørlykhaug E., Æsøy V., Zhang H. An unsupervised reconstruction-based fault detection algorithm for maritime components. IEEE Access. 2019, 7 16101–16109.
  11. 11. Yılmaz A., Bayrak G. A real-time UWT-based intelligent fault detection method for PV-based microgrids. Electric Power Systems Research. 2019, 177 105984–105993.
  12. 12. Okaro I.A., Jayasinghe S., Sutcliffe C., Black K., Paoletti P., Green P.L. Automatic fault detection for laser powder-bed fusion using semi-supervised machine learning. Additive Manufacturing. 2019, 27 42–53.
  13. 13. Ellefsen A.L., Han P., Cheng X., Holmeset F.T., Æsøy V., Zhang H. Online Fault Detection in Autonomous Ferries: Using Fault-Type Independent Spectral Anomaly Detection. IEEE Transactions on Instrumentation and Measurement. 2020, 69(10): 8216–25.
  14. 14. Brigham K., Zappalá D., Crabtree C.J., Donaghy-Spargo C. Simplified automatic fault detection in wind turbine induction generators. Wind Energy. 2020, 23(4): 1135–1144.
  15. 15. De Martini D., Facchinetti T. Fault Detection of Electromechanical Actuators via Automatic Generation of a Fuzzy Index. IEEE/ASME Transactions on Mechatronics. 2020, 25(5): 2197–2207.
  16. 16. LI Q., TONG H. Design of Mechanical for Cutting Device of PE Bag of Fluid Bag. Journal of Qingdao University (Engineering & Technology Edition). 2017, (1): 20–32.
  17. 17. Wang Y.,Jing H.,Zhang D.,Cui T.,Zhong X.,Yang L. Development and performance evaluation of an electric-hydraulic control system for subsoiler with flexible tines. Computers and Electronics in Agriculture. 2018, 151 249–257.
  18. 18. Tun H.M.,Nwe M.S. Automatic Tool Change Control System for Computerized Numerical Control Machines. Bahria University Journal of Information & Communication Technology. 2017, 10(2): 1–6.
  19. 19. Shah S.J., Borlaug B.A., Kitzman D.W., McCulloch A.D., Blaxall B.C., Agarwal R., et al. Research Priorities for Heart Failure With Preserved Ejection Fraction: National Heart, Lung, and Blood Institute Working Group Summary. Circulation. 2020, 141(12): 1001–1026. pmid:32202936
  20. 20. Wang J., Ye L., Gao R.X., Li C., Zhang L. Digital Twin for rotating machinery fault diagnosis in smart manufacturing. International Journal of Production Research. 2019, 57(12): 3920–3934.
  21. 21. Jang D.-W., Lee S., Park J.-W., Baek D.-C. Failure detection technique under random fatigue loading by machine learning and dual sensing on symmetric structure. International Journal of Fatigue. 2018, 114 57–64.
  22. 22. Yuan Y., Ma S., Wu J., Jia B., Li W., Luo X. Frequency Feature Learning from Vibration Information of GIS for Mechanical Fault Detection. Sensors. 2019, 19(8): 1949–1953. pmid:31027269
  23. 23. Zhang C., Yao W., Deng W. Fault diagnosis for rolling bearings using optimized variational mode decomposition and resonance demodulation. Entropy. 2020, 22(7): 739–746. pmid:33286510
  24. 24. Hsu C.-Y., Liu W.-C. Multiple time-series convolutional neural network for fault detection and diagnosis and empirical study in semiconductor manufacturing. Journal of Intelligent Manufacturing. 2020, 1–14.
  25. 25. Amirat Y., Elbouchikhi E., Delpha C., Benbouzid M., Diallo D. Modal Decomposition for Bearing Fault Detection. Electrical Systems 1: From Diagnosis to Prognosis. 2020, 121–168.
  26. 26. Qu Y., He M., Deutsch J., He D. Detection of pitting in gears using a deep sparse autoencoder. Applied Sciences. 2017, 7(5): 515–524.
  27. 27. Xu T., Yin Z., Cai D., Zheng D. Fault diagnosis for rotating machinery based on Local Mean Decomposition morphology filtering and Least Square Support Vector Machine. Journal of Intelligent & Fuzzy Systems. 2017, 32(3): 2061–2070.
  28. 28. YU Y.-y., ZHOU F.-x., YAN B.-k. Fault Diagnosis System of Rolling Bearing Based on LabVIEW. Instrument Technique and Sensor. 2016, (3): 22–32.
  29. 29. Hongshan Z., Lang L. Incipient bearing fault diagnosis based on MCKD-EMD for wind turbine. Electric Power Automation Equipment. 2017, (2): 5–16.
  30. 30. Zhu K., Chen L., Hu X. Rolling element bearing fault diagnosis based on multi-scale global fuzzy entropy, multiple class feature selection and support vector machine. Transactions of the Institute of Measurement and Control. 2019, 41(14): 4013–4022.
  31. 31. Ma J., Wu J., Wang X. Fault diagnosis method based on wavelet packet-energy entropy and fuzzy kernel extreme learning machine. Advances in Mechanical Engineering. 2018, 10(1): 1687814–1687823.
  32. 32. Deng W., Zhang S., Zhao H., Yang X. A novel fault diagnosis method based on integrating empirical wavelet transform and fuzzy entropy for motor bearing. IEEE Access. 2018, 6 35042–35056.
  33. 33. Fu W., Tan J., Zhang X., Chen T., Wang K. Blind parameter identification of MAR model and mutation hybrid GWO-SCA optimized SVM for fault diagnosis of rotating machinery. Complexity. 2019, 258–263.
  34. 34. Huang H., Fan Q., Wei J., Huang D. An intelligent fault identification method of rolling bearings based on SVM optimized by improved GWO. Systems Science & Control Engineering. 2019, 7(1): 289–303.
  35. 35. Li B., Luo C., Wang Z. Application of GWO-SVM Algorithm in Arc Detection of Pantograph. IEEE Access. 2020, 8:: 173865–173873.
  36. 36. Almomani O. A feature selection model for network intrusion detection system based on PSO, GWO, FFA and GA algorithms. Symmetry. 2020, 12(6): 1046–1056.
  37. 37. Nayak R., Padhye R. The use of laser in garment manufacturing: an overview. Fashion and textiles. 2016, 3(1): 5–12.
  38. 38. Lu Z., Wang M., Dai W., Sun J. In-process complex machining condition monitoring based on deep forest and process information fusion. The International Journal of Advanced Manufacturing Technology. 2019, 104(5–8): 1953–1966.
  39. 39. Nasiri S., Khosravani M.R., Weinberg K. Fracture mechanics and mechanical fault detection by artificial intelligence methods: A review. Engineering Failure Analysis. 2017, 81 270–293.
  40. 40. Cho S., Gao Z., Moan T. Model-based fault detection, fault isolation and fault-tolerant control of a blade pitch system in floating wind turbines. Renewable Energy. 2018, 120 306–321.
  41. 41. Huang S., Cai N., Pacheco P.P., Narrandes S., Wang Y., Xu W. Applications of support vector machine (SVM) learning in cancer genomics. Cancer Genomics-Proteomics. 2018, 15(1): 41–51. pmid:29275361
  42. 42. Lee S., Hong S.-M., Jung H.-S. A support vector machine for landslide susceptibility mapping in Gangwon Province, Korea. Sustainability. 2017, 9(1): 48–56.
  43. 43. Gupta S., Deep K. A novel random walk grey wolf optimizer. Swarm and evolutionary computation. 2019, 44 101–112.
  44. 44. Srikanth K., Panwar L.K., Panigrahi B.K., Herrera-Viedma E., Sangaiah A.K., Wang G.-G. Meta-heuristic framework: quantum inspired binary grey wolf optimizer for unit commitment problem. Computers & Electrical Engineering. 2018, 70 243–260.
  45. 45. Metawa N., Hassan M.K., Elhoseny M. Genetic algorithm based model for optimizing bank lending decisions. Expert Systems with Applications. 2017, 80 75–82.
  46. 46. Wang D., Tan D., Liu L. Particle swarm optimization algorithm: an overview. Soft Computing. 2018, 22(2): 387–408.
  47. 47. Fu W., Tan J., Zhang X., Chen T., Wang K. Blind parameter identification of MAR model and mutation hybrid GWO-SCA optimized SVM for fault diagnosis of rotating machinery. Complexity. 2019, 2019–2023.
  48. 48. Yan X., Jia M. A novel optimized SVM classification algorithm with multi-domain feature and its application to fault diagnosis of rolling bearing. Neurocomputing. 2018, 313 47–64.
  49. 49. Dong Z., Zheng J., Huang S., Pan H., Liu Q. Time-shift multi-scale weighted permutation entropy and GWO-SVM based fault diagnosis approach for rolling bearing. Entropy. 2019, 21(6): 621–635. pmid:33267335