Abstract

Milling tool wear state recognition plays an important role in controlling the quality of milled parts and reducing machine tool downtime. However, the characteristics of milling process limit the accuracy and stability of tool condition monitoring (TCM) employing vibration signals. To improve this problem, this paper explores the use of vibration signals as sensing approach for recognizing tool wear states during milling operation by using the stacked generalization (SG) ensemble model. In this study, vibration signals collected during the milling process are analyzed through the time domain, frequency domain, and time-frequency domain to extract signal features. The support vector machine recursive feature elimination (SVM-RFE) algorithm is used to select the main features which are most relevant to tool wear states. The SG ensemble model based on SVM, decision tree (DT), naive Bayes (NB), and SG ensemble strategy is constructed to recognize tool wear states. The proposed method is experimental verified, and the results show that the recognition accuracy of the established SG ensemble model is 98.74% and the overall G-mean and AUC evaluation value of the model is 0.98 and 0.98, respectively. In addition, compared with other ensemble models and single models, the SG ensemble model based on vibration signals has better recognition accuracy and stability than other models.

1. Introduction

Milling is one of the most commonly used processes in today’s industry and mechanical machining workshop for machining parts to precise sizes and shapes. As the direct executor, the milling tool that withstands high temperature and mechanical shock during the milling process will be worn gradually, which directly affect the surface quality of the workpiece and increase the rejection rate and production cost [1, 2], especially in the case of high-precision material cutting. To reduce this effect, the tool condition monitoring (TCM) system has been widely used and achieved remarkable results [3]. The data show that an effective and reliable TCM system can reduce downtime by 10–40% and improve workpiece quality [4, 5]. As an important part of tool monitoring system, tool wear state recognition mainly includes direct and indirect methods. Compared with the direct method for directly monitoring the tool wear states by using optical equipment and machine vision technology, the indirect method recognizes the tool wear states mainly by establishing a classifier to depict the relationship between the sensor signal feature vector and the tool wear states. Therefore, the indirect method is of lower cost and more suitable for practical milling process; however, it requires high precision and stability of the classifier.

With the rapid development of machine learning technology, a large number of machine-learning modeling methods have been used to construct the classifier for tool wear state recognition. Based on computer vision method, García-Ordás et al. [6] adopted support-vector machine (SVM) classifier to monitor tool wear in edge profile milling operations. By extracting features from audible sound signals in frequency domain, Kothuru et al. [7] built a multiclass support-vector machine (MSVM) to detect end milling tool wear under various cutting conditions. By categorizing tool wear into four states based on tool wear mechanism, tool wear rate, and tool life, Hu et al. [8] used v-SVM model to realize tool wear monitoring. Cao et al. [9] presented a new tool wear state recognition method by combining derived wavelet frames (DWFs) with convolutional neural network (CNN), and the effectiveness of the proposed model was demonstrated by experimental results from end milling. Considering the high accuracy, high computing speed, and excellent performance of deep learning algorithm, Chen et al. [10] applied a deep belief network (DBN) to predict the flank wear of a cutting tool in milling. To describe the time-variant transition probability of tool wear states and the state duration dependency, Zhu and Liu [11] proposed a hidden semi-Markov model (HSMM) for online tool wear estimation. By extracting features from the force signal in time domain, Kong et al. [12] proposed a Gaussian mixture-hidden Markov model (GMHMM) for tool wear estimation. Zhou and Xue [13] reviewed the state-of-the-art methods of TCM in milling processes, and the monitoring models such as artificial neural network (ANN), HMM, and SVM for the categorization of cutting tool states were discussed. By extracting the time and frequency domain features from the force signal, Karandikar et al. [4] built a naïve Bayes classifier to classify the tool wear states. Kong et al. [14] presented a Gaussian process regression (GPR) method to construct tool wear predictive model, and the experimental results show that the GPR model performed better than ANN and SVM.

These works [4, 614] solved the problem for recognizing tool wear states in the milling process. However, the models established in these studies are all based on single classifier. Moreover, no single classifier can claim to be superior to any other. Thus, the ensemble learning which significantly improves the generalization ability of a single classifier and gives better results than a single classifier [15] can be considered a viable alternative for obtaining the classifier for tool wear state recognition. The idea of ensemble learning method is to build a classifier predictive model by integrating multiple single classifiers [16]. Yu [17] proposed a discrete particle swarm optimization algorithm-based selective ANN ensemble (DPSOEN) approach to predict tool wear, and this method had better generalization performance than single ANN. Zheng and Liu [18] developed an ensemble learning model based on radial basis function (RBF), multilayer perceptron (MLP) neural network model, least mean square (LMS), and model to predict wear loss. Yang et al. [19] proposed an effective coevolutionary particle swarm optimization-based selective neural network ensemble (E-CPSOSEN) which enables tool wear prediction model, and the experimental results indicated that the E-CPSOSEN was considerably better than these single ANN-based approaches. Yang et al. [20] established an integrated prediction model by using the trajectory similarity-based prediction (TSBP) and the differential evolution SVR (DE-SVR) algorithm to predict milling tool wear and life, and the results demonstrated that this integrated prediction model was better than other four single algorithms (TSPB, SVR, PSO-SVM, and HMM). Javed et al. [21] presented an ensemble of summation wavelet extreme learning machine (SW-ELME) models with incremental learning scheme to predict tool wear, and this model can be used for estimating tool life span and giving confidence for decision-making.

These works [1621] demonstrated the high accuracy of ensemble predictions in tool wear prediction. However, the ensemble strategies used in these studies are all based on bagging [22] or AdaBoost [23]. Unlike bagging and AdaBoost, stacked generalization (SG) [24] combines the yield which is produced by various base learners in the first level, and then, by utilizing a metalearner, it tries to combine the outcomes from these base learners in an ideal method to augment the generalization ability. It is well known that SG has been applied in the manufacturing areas, e.g., scheduling of flexible manufacturing systems [25], defect detection and classification in semiconductor units [26], and engine RUL prediction [27]. However, there are very few examples of SG applied to recognize tool wear states. Wang et al. [28] proposed a heterogeneous ensemble learning model based on SG ensemble strategy to realize tool wear state recognition. They used force sensor to depict the dynamic characteristics of the tool wear process. Compared with force sensor, vibration sensor is inexpensive and easy to install, so it is more suitable for practical application. However, the characteristics of milling processes limit the accuracy and stability of TCM employing vibration signals [13]. With the aim to improve this situation, a SG ensemble model based on SVM, decision tree (DT), naive Bayesian (NB), and SG ensemble strategy is investigated to realize milling tool wear state recognition. In the modeling process, time domain, frequency domain, and time-frequency domain features based on vibration signals are extracted, and main features are selected based on support-vector machine recursive feature elimination (SVM-REF) algorithm.

The rest of the paper is organized as follows. The modeling steps of SG ensemble model are introduced in Section 2. Section 3 presents the milling tool wear state recognition method based on the SG ensemble mode. In Section 4, the experimental setup is described. In Section 5, the results and discussions are given. Finally, the conclusions of this study are laid out in Section 6.

2. The Proposed SG Ensemble Model

In order to construct the SG ensemble model, it is necessary to guarantee that the individual classifiers are both accurate and diverse. In this paper, the SG ensemble model based on SVM, DT, and NB base classifiers is proposed. On the one hand, those base classifiers belong to the top 10 data mining algorithms identified by the IEEE [29], and they show good performances in classification accuracy and time for tool wear detection [4, 6, 30, 31]. On the other hand, SVM is a relatively new supervised learning method based on statistical learning theory and the structural risk minimization principle [32]. DT is a hierarchical model composed of decision rules that recursively split independent variables into homogeneous zones [33]. NB is a classification system based on Bayes’ theorem that assumes that all the attributes are fully independent given the output class, called the conditional independence assumption [34], so they are diverse in principle.

2.1. Establish the SG Ensemble Model

For SG ensemble model, SVM, DT, and NB are selected as the primary learner and SVM is used as the metalearner to reflect the relationship between the outputs of primary learner and tool wear states. In addition, the five-fold cross-validation method is used for model training. As shown in Figure 1, the steps to establish SG ensemble model are as follows:Step 1. Divide sample dataset D into training dataset and testing dataset . Then, randomly divide the training dataset into subset , and take as subtesting dataset and the remaining subset as subtraining dataset.Step 2. Use the primary learner SVM to train the subtraining dataset , and output feature by predicting the subtesting dataset . In addition, the trained SVM is used to test the testing dataset and output feature .Step 3. Repeat Step 2 until the output feature sets and are obtained. Then, the features in feature set are merged and formed into a column of feature set , and the features in feature set are calculated by average value, and a column of feature set is obtained.Step 4. By executing Step 1–3 for the primary learner DT and NB, the feature sets and are generated by training dataset and the feature sets and are generated by testing dataset .Step 5. Merge the feature sets , , and with the real class label to generate the new training dataset , and merge the feature sets and with to generate the new testing dataset . Then, the metalearner SVM is trained by using the new training dataset as input, and the final classification results are generated by inputting the new testing dataset into the metalearner SVM.

2.2. Description of Various Classifiers and SG Ensemble Method
2.2.1. SVM

SVM is originally derived from the processing of the binary classification problem of linearly separable data. The mechanism of SVM is to find an optimal classification hyperplane that satisfies the classification requirements so that the hyperplane can maximize the blank area on its both sides while ensuring classification accuracy [32]. In our current problem, however, three wear classes are involved, for which, requires an application of muticlassification strategy. Thus, the one-versus-one method is adopted in this paper.

In this approach, if p is the number of classes, there are binary SVM constructed, and each SVM is trained on data for two classes. For the training data from the jth and kth classes, the following binary classification problem is solved:where is a mapping function, is the training data, and b are the weighting factors, is the slack variable, and C is the penalty parameter.

The one-versus-one method is usually implemented using a “Max-Wins” voting strategy. If say is in the jth class, then vote for this class is added by one. Otherwise, the kth class is increased by one. Then, is designated to be in a class with the maximum number of votes.

Among the many common kernel functions that satisfy the condition, the radial basis function (RBF) kernel is a reasonable first choice in the practical application of SVM, and it is defined as follows:where is recorded as .

2.2.2. DT

DT can be defined as a map of the reasoning process. It describes a data set as a tree-like structure [33]. DT is typically built by recursive algorithm. At each step, data set is divided into different subsets by split attribute, which is the data set to be split in next step. The difference between different decision tree classification algorithms is the split attribute selection method. In this paper, information gain is chosen as the split attribute selection method.

The information gain of sample for attribute can be formulated as follows:where is the information gain between sample and attribute and is the subset of value of attribute .

2.2.3. NB

NB is the most known and used classification method [34]. It is called naive as it assumes that all variables contribute towards classification and are mutually correlated. This assumption is called class-conditional independence. In addition, the NB method is not only easy to implement on various kinds of datasets but also it is quite efficient.

The basic idea of NB theorem is formulated as follows:where is the posterior probability of target class, is called the prior probability of class, is the likelihood which is the probability of predictor of given class, and is the prior probability of predictor of class.

As is the constant for all classes, only the product needs to be maximized. The prior probabilities of the class are calculated as follows:

Using the conditional independence assumption between attributes, we can expresswhere are values for attributes in the sample .

2.2.4. SG Ensemble Method

SG (also called stacking) is introduced by Wolpert in 1992 [22] as a well-known ensemble approach for combining multiple classifiers. It attempts to give an accurate prediction even if the output of a certain base classifier is incorrect. So, it widely used in many fields. In addition, the method consists of training a set of learners (called the first-level learners) with the original training data. The outputs of the first-level learners are then used to train a second-level learner called the metalearner.

3. Milling Tool Wear State Recognition Based on SG Ensemble Model

Based on the proposed SG ensemble model, a milling tool wear state recognition method is constructed, whose structure is shown in Figure 2. Firstly, dynamic signals from vibration sensors are collected to depict the characteristic of the milling process. Secondly, due to the low signal-to-noise ratio (SNR) of sensing measurement, it is difficult to model the relationship between vibration signal and tool wear states in the milling process. To solve this problem, different features from time domain, frequency domain, and time-frequency domain are extracted, and the detailed features are listed in Table 1. Thirdly, not all features are essential since many of them are redundant or even irrelevant, which may reduce the performance of the algorithm. So, SVM-RFE algorithm [35] is used to select the main features which are most relevant to tool wear state from the high-dimension feature vectors. The description of SVM-RFE algorithm is shown in Algorithm 1. Fourthly, the SG ensemble model which is described in Section 2 is established to recognize milling tool wear states, and the performance of the model is evaluated. Finally, we used the milling tool wear state recognition model to judge the final tool wear state category.

Input: % Features matrix
          % Class label
  Out: % Ranking coefficient
(1)begin
(2)   % Current feature subset index
(3)   % Feature ranking
(4)    while ()
(5)      % Obtain the current training sample
(6)      % Train classifier
(7)      % Computational ranking criteria
(8)      % Search for the lowest ranking feature attributes
(9)      % Update ranking feature index
(10)      % Delete the lowest ranking feature attribute
(11)    end
(14)end

4. Experiment

4.1. Experimental Setup

Experimental setup of milling tool wear monitoring is shown in Figures 3(a) and 3(b). A three-axis vertical machining center (VDL-1000, which is produced by Dalian Machine Tool Company) with a maximum speed of 8000 rpm is used for the milling tests. The cutting tool used for the experiment is a four-edge high-speed steel milling tool (diameter: 10 mm), and the workpiece material used for the current investigations is 45 heat-treatable steel whose main properties are shown in Table 2. The vibration signals are collected by a Kistler 8763 three-axis accelerometer (bandwidth: ±75 kHz) mounted on the spindle, and near the cutting tool, the three directions of accelerometer are parallel to the three directions of machine tool. The NI-9234 is employed to collect signals and transport them to the computer. The sampling frequency is 4800 Hz. The measurement of milling tool flank wear uses a professional handheld digital microscope (Dino-Lite: AM3113T), polarization and high magnification capabilities up to 200×.

4.2. Design of Experiments

In the experiment, down milling with air-cooled is adopted during the whole process. The milling length is 100 mm for each cut, and milling direction is along the Y-axis of the machine tool. The other milling parameters are listed in Table 3. The measurement interval for initial wear and sever wear of the milling tool is cutting 15 times, and for middle wear of the milling tool it is cutting 30 times. Because of manual measurement, each measurement is conducted three times to avoid any possible mistake during the procedure.

4.3. Classification of Milling Wear States

Generally, measurement criteria of tool flank wear include flank wear bandwidth and flank wear area [36, 37]. Since the spiral milling tool has a certain spiral angle and microscope belongs to two-dimensional measurement, the change of the milling cutter angle would affect the measurement accuracy of tool wear dimension. So, the measurement of the flank wear bandwidth of the milling tool has higher accuracy and reliability. In this paper, the tool flank wear is described in the maximum flank wear bandwidth. As shown in Figure 4, the flank wear bandwidth of a new milling tool is DL0 = 0.500 mm and the flank wear bandwidth of the worn milling tool is DL1 = 0.214 mm, so the tool flank wear of the milling tool is L = DL0 − DL1 = 0.266 mm.

Based on the experimental design in Section 4.2, the milling tool wear experiment is performed, and the milling tool flank wear value is recorded. Taking the cutting times as the horizontal axis and milling tool flank wear value as the vertical axis, the milling tool flank wear curve is obtained by polynomial fitting as shown in Figure 5. According to the milling tool flank wear curve and the tool life test standard (GB/T 16460-2016), the milling tool wear states are divided into three categories whose scopes are listed in Table 4.

5. Results and Discussion

5.1. Data Preprocessing

The experiment has collected the original vibration signals of 410 cutting processes. After removing the abnormal signals, 392 segments vibration signals with a length of 1024 points are randomly intercepted to establish the data set. For each cutting process, there are three mutually perpendicular milling vibration signals collected from the accelerometer. Thus, the number of the samples in the whole dataset is 3 × 392. In addition, the min-max normalization method is used to standardize and normalize all input data to the range of (0-1). The calculation formula is expressed as follows:

5.2. Feature Extraction

Figure 6 depicts the waveforms of typical X-directional, Y-directional, and Z-directional vibration signals under three kinds of milling tool wear states. Clearly, the vibration signals present a certain periodic regularity. With the worsening of tool wear degree, amplitude of vibration signal becomes larger and larger; likewise, the periodic waveform becomes more and more obvious. So, vibration signals can reflect tool wear states. In addition, it can be found that the Z-directional vibration signals are larger than X-directional and Y-directional vibration signals. Because milling is an intermittent and nonstationary process, the relationship between vibration signals and tool wear cannot precisely be modeled. To reflect the tool wear process as accurately as possible, the time domain, frequency domain, and time-frequency domain features are extracted from the milling vibration signals as listed in Table 1.

5.2.1. Time Domain Features Analysis of Vibration Signals

In this section, six types of time-domain features are extracted from the milling vibration signals, including mean, peak, RMS, variance, kurtosis, and skewness. So, there are 18 time-domain features and all could be obtained. Taking X-directional vibration signals as an example, the space distributions of time domain features of X-directional vibration signals are illustrated in Figure 7. It can be seen that these normalized features show a certain degree of clustering, which provides effective information for tool wear estimation. In addition, the space distribution of mean under three tool wear states are discrete (Figure 7(a)). Compared with mean feature, other features (Figures 7(b)7(f)) are correlated with the tool wear states at a certain extent; however, this relationship is not obvious.

5.2.2. Frequency Domain Features Analysis of Vibration Signals

Based on the calculation equation of tool passing frequency (TPF) [38], in this paper, the TPF of milling tool is , where 640 r/min is the spindle rotating speed and 4 is the number of teeth of the cutting tool. Figure 8 depicts the spectrogram of vibration signals in three directions. It can be found that the amplitude of 1TPF of vibration signals in three directions increased from initial wear to sever wear, while other amplitudes of TPF of vibration signals did not. So, the amplitude of 1TPF of vibration signals is selected as frequency features.

Figure 9 illustrates the space distributions of frequency domain features of vibration signals under three tool wear states. Clearly, the amplitude of 1TPF of vibration signals in three directions increases with the increase in tool wear (cut numbers), which means that the amplitude of 1TPF of vibration signals can better characterize tool wear states.

5.2.3. Time-Frequency Domain Features Analysis of Vibration Signals

In the milling process, energy in each frequency band is different and changes with milling conditions [39]. So, in this paper, energy percentage of different frequency bands of vibration signals is used as time-frequency domain features to represent tool wear states. To extract the energy percentage of different frequency bands of vibration signals, the EEMD method [40, 41] is adopted and the IMFs of vibration signals are obtained. The calculation formula of energy percentage of IMF is listed in Table 1. Taking X-directional vibration signals as an example, the EEMD decompose results of vibration signals are given in Figure 10; there are only 10 IMFs shown in the figure because of limited space. In order to find the best IMFs which represented rich tool wear states, energy percentage of those IMFs are calculated, and the results shown in Figure 11(a). It can be found that the energy percentage of IMFs of vibration signals mainly focus on IMF1 to IMF7. Figures 11(b) and 11(c) illustrate the energy percentage of IMFs of Y-directional and Z-directional vibration signals. Based on the Figures 11(a)11(c), we can get a conclusion that the percentage energy gives a good indication of the tool wear states and fully exhibits the disparities between selected eigenvalues.

5.3. Feature Selection

Based on the analysis above, 42 signal features are extracted from vibration signals for training and classification. Detailed information of extracted features of vibration signals in time domain, frequency domain, and time-frequency domain is depicted in Table 5. For lowering the dimension of the feature space and improving the computing speed of the model, a proper feature selection method is needed. By implementing feature selection algorithm, the complexity of modeling process could be reduced and new feature vectors are reconstructed. SVM-RFE is a sequential backward feature elimination method based on SVM and can give a feature ranking. This method has a very effective effect in gene selection, signal processing, and other fields [35]. Therefore, in this paper, SVM-RFE (in Algorithm 1) is used to find the features which can efficiently discriminate different tool wear states. In addition, the feature selection methods such as Pearson correlation and ReliefF are also used for performance comparison.

In the process of feature selection, a total of 392 samples which consist of 42 extracted features and one class feature are obtained. Randomly 198 samples are selected as training data and the remaining samples are selected as testing data first. Then, Pearson correlation, ReliefF, and SVM-RFE are used to get the rank of the 42 features, and three feature ranking lists are obtained. Finally, by using the obtained feature ranking lists, several nested feature subsets are constructed and inputted into the SVM model for model training. In order to obtain the optimal feature subset, the prediction accuracy of each test set is used as the criterion to evaluate the performance of the feature subset. In the SVM modeling process, the optimal parameter combination is provided by grid search algorithm. Figure 12 shows the classification accuracy as a function of the number of features selected by Pearson correlation, ReliefF, and SVM-RFE methods. It can be seen that the highest classification accuracy of SVM is 92.2%. To achieve this classification accuracy, 25 features are needed for Pearson correlation method, 18 features are needed for ReliefF method, and 12 features are needed for SVM-RFE method. So, SVM-RFE method is superior to Pearson correlation and ReliefF methods in feature selection. Therefore, the first 12 features are selected as the main features. The detailed information of selected main features is listed in Table 6.

5.4. SG Ensemble Model Training and Performance Evaluation

In this section, the SG ensemble model for tool wear state recognition is established. Then, performance evaluation indicators are applied to evaluate the model.

5.4.1. Model Training

Based on the selected main features of vibration signals, new samples have been generated with dimension 13 × 396. Dividing the samples into an 80% training data set and an 20% testing data set, the training data set is used to construct the SG ensemble model for tool wear state recognition, and testing date set is used to verify the model. The performance of the SG ensemble model depends on its modeling parameters. So, the grid search algorithm is used to find the optimal parameters of the model. When the number of iterations of the mesh search algorithm is 50, the optimal parameters are obtained, and it is given in Table 7. Based on those parameters, the SG ensemble model is established.

5.4.2. Performance Evaluation

In Figure 13, the confusion matrix [7] is used to evaluate the performance of the SG ensemble model. Each column of the matrix represents the instances in the actual class, while each row represents the instances in the recognized class. The number in the ith row and jth column represents samples whose target is the jth class that was classified as ith class. The evaluated misclassification (error) probability and the number of misclassifications are given in blue color, while the correct probability of each class and the number of correct classifications are given in pink color. Figure 13 shows that the 0th class is successfully recognized, with a success rate of 100%. Notwithstanding, some classes are not recognized so successfully, such as one of the 1st classes is misclassified as 0th class; thus, the rest is recognized correctly leading to 98.1% success rate. One of the 2nd classes is misclassified as 1st class, and the rest is recognized correctly leading to 98% success rate. Moreover, the overall classification accuracy of the SG ensemble model is 98.7%.

In this paper, another commonly used classification performance evaluating indicators, such as F-measure, G-mean, and area under the ROC curve (AUC) are adopted here. Also, the relevant calculation formulas are defined as follows:where is the number of true positives, is the number of true negatives, is the number of false negatives, and is number of false positives.

Assume is the number of classes, is the precision of class, and is the recall of class. So, the F-measure is calculated as follows:

For multiclass data, the G-mean is given as follows:

Based on the above performance evaluation indicators, the performance evaluation results of the SG ensemble model are listed in Table 8. It can be seen that the model shows a better performance evaluation results, and all evaluation values are about 0.98.

5.5. Comparison with Other Ensemble Models

In order to demonstrate the advantages of the SG ensemble model as discussed above, another kind of ensemble models such as Bagging-SVM and AdaBoost-SVM are adopted to recognize tool wear states, and training and testing for Bagging-SVM, AdaBoost-SVM, and SG ensemble model are conducted 50 times. By calculating the maximum, mean, and minimum of the recognition accuracy of each model, the final comparison results are obtained and shown in Figure 14. Clearly, the maximum, mean, and minimum of the recognition accuracy of proposed SG ensemble model are 98.3%, 97.2%, and 95.6%, respectively. So, the proposed model achieves better recognition accuracy. In addition, the performance evaluation index values of these models including AUC value and maximum deviation are given in Table 9. Clearly, the AUC value of AdaBoost-SVM and proposed SG ensemble model is larger than Bagging-SVM, but the difference in AUC value of them is small. The maximum deviation of Bagging-SVM, AdaBoost-SVM, and SG ensemble model are 13.4, 6.8, and 2.7, respectively, which means that the stability of SG ensemble model is better than other models. These above results prove that the SG ensemble model has better performance than Bagging-SVM and AdaBoost-SVM.

5.6. Comparison with Other Single Models

In order to further verify the effectiveness and advancement of the proposed SG ensemble model, some other published methods are tested using the same set of training and testing data. Back-propagation neural network (BPNN) [42] and multiclass support-vector classification (MSVM) [7] are adopted to realize milling tool wear state recognition. In BPNN, the linear and sigmoid activation functions are designated for the hidden layer and output layer. The neural network parameters, namely, the number of neurons in hidden layer, learning rate, and maximum number of iterations are set to 25, 0.05, and 10000, respectively. In MSVM, the one-vs-one voting method is employed to achieve multiclassification, the RBF is used as kernel functions, and the grid search method is applied to obtain the optimal parameters. The recognition accuracy for tool wear states by using these single models are illustrated in Figure 15. The predicted results reveal that the proposed SG ensemble model has better recognition accuracy than MSVM and BPNN. Moreover, the evaluation index values (in Table 10) indicate that the proposed SG ensemble model has better stability than MSVM and BPNN.

6. Conclusion

In this paper, a SG ensemble model based on vibration signal features is proposed for milling tool wear state recognition. A total of 42 vibration signal features from time domain, frequency domain, and time-frequency domain are analyzed and extracted. Among them, 12 main features which are most relevant to tool wear states are selected by using SVM-RFE algorithm. Based on this, the SVM, DT, NB, and SG ensemble strategy is applied to establish the SG ensemble model. The experimental results demonstrate that the recognition accuracy of the established SG ensemble model is 98.7%. Comparison results revel that the SG ensemble model has relatively higher accuracy and stability than other ensemble models (Bagging-SVM and AdaBoost-SVM) and other single models (MSVM and BPNN). Therefore, the proposed SG ensemble model is especially propitious to improve the accuracy and stability of TCM employing vibration signals.

Data Availability

The data used to support the findings of this study are available from the corresponding author upon request.

Conflicts of Interest

The authors declare that there are no conflicts of interest regarding the publication of this article.

Acknowledgments

This research was supported by the National Key Research and Development Project of China (no. 2018YFB1701200).