Next Article in Journal
An Introduction to Ventra: A Programmable Abdominal Phantom for Training, Educational, Research, and Development Purposes
Previous Article in Journal
Newest Methods and Approaches to Enhance the Performance of Optical Frequency-Domain Reflectometers
Previous Article in Special Issue
Fault Diagnosis Methods for an Artillery Loading System Driving Motor in Complex Noisy Environments
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Tool State Recognition Based on POGNN-GRU under Unbalanced Data

1
Laboratory for Space Environment and Physical Sciences, Harbin Institute of Technology, Harbin 150001, China
2
School of Electrical Engineering and Automation, Harbin Institute of Technology, Harbin 150001, China
*
Author to whom correspondence should be addressed.
Sensors 2024, 24(16), 5433; https://doi.org/10.3390/s24165433 (registering DOI)
Submission received: 21 July 2024 / Revised: 20 August 2024 / Accepted: 20 August 2024 / Published: 22 August 2024

Abstract

:
Accurate recognition of tool state is important for maximizing tool life. However, the tool sensor data collected in real-life scenarios has unbalanced characteristics. Additionally, although graph neural networks (GNNs) show excellent performance in feature extraction in the spatial dimension of data, it is difficult to extract features in the temporal dimension efficiently. Therefore, we propose a tool state recognition method based on the Pruned Optimized Graph Neural Network-Gated Recurrent Unit (POGNN-GRU) under unbalanced data. Firstly, design the Improved-Majority Weighted Minority Oversampling Technique (IMWMOTE) by introducing an adaptive noise removal strategy and improving the MWMOTE to alleviate the unbalanced problem of data. Subsequently, propose a POG graph data construction method based on a multi-scale multi-metric basis and a Gaussian kernel weight function to solve the problem of one-sided description of graph data under a single metric basis. Then, construct the POGNN-GRU model to deeply mine the spatial and temporal features of the data to better identify the state of the tool. Finally, validation and ablation experiments on the PHM 2010 and HMoTP datasets show that the proposed method outperforms the other models in terms of identification, and the highest accuracy improves by 1.62% and 1.86% compared with the corresponding optimal baseline model.

1. Introduction

In intelligent manufacturing, the condition of the tool has a decisive influence on the quality of product machining. Currently, operators usually rely on their personal experience to decide when to change tools in order to prevent workpiece damage due to excessive tool wear. However, this practice often leads to unnecessary waste of resources, so it is important to monitor the condition of the tool to identify the tool wear status in time and take appropriate measures [1]. Machine vision-based tool condition recognition methods can achieve accurate quantification of tool wear, but their application is usually accompanied by interruptions in the production process, thus negatively affecting productivity. To solve this problem, researchers have proposed deploying sensors near the cutting area and identifying the tool condition through data-driven techniques, thus ensuring the continuity and efficiency of the production process [2,3]. For example, reference [4] combined the tool wear law and its sensor data to construct Siamese Long Short-term Memory Networks (SLSTMs) for tool wear state monitoring. Reference [5] used an improved residual network to extract features from the force and vibration sensor data of the cutting tool, thereby effectively identifying the degree of tool wear. In addition, by analyzing the wear change curve of the tool, the wear state of the tool can be classified into three types: initial wear, normal wear, and severe wear [6]. In the actual production process, the time that the tool is in the normal wear state is much longer than the time that it is in the initial wear state or the severe wear state, resulting in an imbalance in the distribution of sensor data collected in different states. The existing models are mostly designed based on the assumption that data are balanced, and these state monitoring models based on balanced data are prone to producing decision boundaries that are biased towards balanced categories, thus failing to accurately differentiate between state categories in the face of actual unbalanced data and reducing the generalization ability of the model [7]. Therefore, it is of great significance to study the tool state recognition problem under unbalanced data. In recent years, many scholars have conducted extensive research on it and proposed techniques such as variational autoencoder, oversampling, etc., to achieve data volume expansion or data quality improvement, thus effectively alleviating the data imbalance problem [8,9]. Among them, the oversampling techniques represented by SMOTE (Synthetic Minority Over Sampling Technique), BSMOTE (Borderline-SMOTE), Adaptive Synthetic Sampling (ADASYN), and Majority Weighted Minority Oversampling Technique (MWMOTE) can achieve data balance by synthesizing more samples while retaining a large number of samples containing important information. In addition, the above oversampling techniques can effectively alleviate the problems of traditional oversampling techniques due to the generation of overlapping samples or noisy samples, such as unclear decision boundaries or overfitting [10,11,12,13]. For example, Liu et al. [14] adaptively generated many non-repeating samples with the help of ADASYN, which enabled the synthesis of more training data from the minority classes of samples that are more difficult to learn in order to alleviate the data imbalance problem. Wei et al. [15] proposed the Cluster-MWMOTE algorithm to implement the MWMOTE oversampling for the minority class sub-clusters and eliminated the noisy data during data processing, which effectively solved the interclass and intraclass imbalance problem of the bearing data during fault diagnosis. In addition, Zhu et al. [16] improved the distribution of different class samples by synthesizing minority class samples via Borderline SMOTE and focusing on special boundary samples, thus reducing the possibility of overfitting the model and improving the accuracy of fault diagnosis.
On the other hand, most of the existing methods for tool wear state recognition are implemented using artificial intelligence techniques represented by deep learning. For example, Zhou et al. [17] extracted the tool wear characteristics from sensor data with the help of long and short-term memory networks to determine the state in which the tool is in so as to ensure the quality of machined products. Wang et al. [18] improved the accuracy of tool state monitoring by constructing a deep heterogeneous GRU model to achieve the wear characteristics of the tool over a time series. Zhu et al. [19] proposed a CNN-LSTM model to analyze tool images for tool state recognition. Although the above methods can effectively capture the potential features of conventional data, such as time series, they are mostly limited to the features of a single data dimension. In practical scenarios where multiple sensors are usually used to monitor the tool state, ignoring the correlation between the sensor data may make the features extracted from the model one-sided, which may result in the model not being able to reliably identify the real tool state. To further improve the accuracy and reliability of the model, more and more scholars take the interdependence between each sensor data as a reference factor for state recognition and represent it with irregular graphs. In the graph data, edge connectivity relationships and edge weights are often determined by metric such as distance or similarity to reflect the relationships between nodes and their strengths [20,21,22]. However, features such as irregular topology, lack of translation invariance, and complex dependencies between nodes and edges of graph data make them difficult to model in non-Euclidean spaces. In order to solve this problem, researchers have gradually applied graph neural networks (GNNs) to the field of state recognition to achieve the modeling of the interdependence between the data of each sensor and embed it into the extracted features to improve feature extraction and noise immunity [23]. Li et al. [24] established a practical guide for a novel intelligent fault diagnosis and prediction framework based on GNNs, in which three types of graph construction methods are provided and GNNs under seven different graph pooling methods are investigated, and finally these GNNs are benchmarked on a fault diagnosis dataset and a prognostic dataset. Wang et al. [25] proposed a hierarchical Fast Fourier Transform-Long Short-term Memory Networks-Graph Convolutional Networks (FFT-LSTM-GCN) model for fault diagnosis in nuclear power plants. Lin et al. [26] constructed a KGRU hybrid network to analyze spatio-temporal signal variations for fault sensor detection by combining the Multi-Graph Convolutional Network (MGCN) and GRU. Li et al. [27] constructed a distributed graph-attentive bi-directional long and short-term memory model for industrial process global and local fault feature extraction.
By analyzing the above research status, it can be found that in the data processing stage, some of the existing oversampling techniques can effectively alleviate the problem of data imbalance to a certain extent, but they still face problems such as noise sensitivity and easy overfitting. In addition, although some methods can alleviate the above problems, they tend to ignore the local distribution characteristics of the samples and fail to adaptively determine the number of samples to be synthesized for each sample cluster, thus affecting the generalization ability of the model. In the feature extraction stage, graph data construction is crucial for the performance of GNN. Currently, the connection relationship between graph nodes is mostly obtained based on a single index such as distance and probability, such as the literature [23] based on Euclidean distance to construct an undirected weighted k-nearest neighbor graph as the input of the Semi-Supervised Graph Convolutional Network (SSGCN). Such methods, although simple and interpretable, may not accurately reflect the real distribution of the data and cannot comprehensively capture the multilevel associations between the data, which leads to problems such as insufficient characterization of feature diversity and a lack of robustness in the constructed graph data. In addition, sensor data are interdependent in both spatial and temporal dimensions, and the lack of spatial and temporal dimensions and their correlation analysis will lead to the tool condition monitoring model not being able to deeply excavate the spatial and temporal characteristics of the tool condition data, thus affecting the ability to influence the model’s accurate judgment and early warning of the tool condition. Therefore, to address the above problems, this paper proposes a state recognition method for tools under unbalanced data. Firstly, an adaptive noise removal strategy is introduced, and the Improved- Majority Weighted Minority Oversampling Technique (IMWMOTE) algorithm is designed based on ADASYN and MWMOTE ideograms to achieve data enhancement for a few classes of samples to alleviate the problem of data imbalance. On this basis, the multi-scale graph is constructed based on different metrics and thresholds, and then pruning optimization and weight calculation of graph node edge relationships are performed based on the structural information of different base graphs combined with the Gaussian kernel weight function, and based on which, different graph data are constructed in the temporal dimension to adequately portray the spatial and temporal correlation of device sensor data. Subsequently, the Pruned Optimized Graph Neural Network-Gated Recurrent Unit (POGNN-GRU) model is constructed to mine the implicit wear state information, so as to realize the intelligent state recognition of the tool. The main contributions of this paper are as follows:
  • An IMWMOTE unbalanced fault data processing algorithm is proposed, which can adaptively remove the noise in the minority class fault samples to avoid introducing wrong samples and expanding the inter-class overlap and, at the same time, reasonably estimate the number of samples that need to be synthesized, which can effectively alleviate the unbalance fault data between classes and within classes.
  • A graph data construction method based on a multi-scale multi-metric basis and a Gaussian kernel weight function is proposed to obtain more comprehensive POG graph data by optimizing the structural information of the graph data, which improves the representation of topological structure.
  • The proposed IMWMOTE and graph data construction methods are used to process the multi-sensor data, on which the POGNN-GRU model is constructed to achieve the collaborative extraction of spatio-temporal features of the data, and the validity and robustness of the method are successfully verified on the PHM 2010 and HMoTP datasets.
The subsequent parts of this paper are as follows: Section 2 describes the problems that may be encountered during the process of tool state recognition and presents the model framework for tool state recognition and the implementation of each part. Section 3 describes the used dataset and experimental results in this study and analyses and evaluates the performance of the tool state recognition model. Finally, the main conclusions obtained from this study are summarized in Section 4.

2. Methods

2.1. Problem Description and Framework Design

As most of the tools in their full life cycle are in the normal wear state, the data under this state is far more than in the initial wear state or severe wear state of the data, generally regarded as the former as the majority class sample data, the latter as the minority class sample data, and there are differences in the amount of data in different wear states, so that the model training lacks sufficient minority class sample data, which in turn affects the model’s ability to generalize. At the same time, under the influence of electromagnetic interference, mechanical vibration, temperature change, and other factors, tool state data often contains a large number of noise components, which further increases the difficulty of data analysis and processing. In addition, with the application of GNN in the field of tool condition recognition, it is important to study how to convert the tool condition data into graph data. While the state data of tools is mostly sensor data deployed at different locations, there may be complex correlations, which cannot be adequately reflected when constructing graph data with a single metric. Furthermore, although GNNs perform well in efficiently capturing spatial dimension features of the data, their ability to mine temporal dimension features is lacking, a limitation that may hinder the full revelation of potential wear state information in the data, which in turn negatively affects the subsequent recognition of the tool state. Therefore, in this paper, a POGNN-GRU-based tool state recognition model framework under unbalanced data is designed, as shown in Figure 1, which mainly includes an unbalanced data processing stage and a state recognition stage. In the unbalanced data processing stage, for the problem of noise in multi-sensor data and data imbalance in different states, an adaptive noise removal strategy is introduced to identify and remove the noise points in the minority class samples, and based on the ideas of ADASYN and MWMOTE, the IMWMOTE oversampling method is designed to augment the data in the minority class samples and obtain the balanced dataset. In the stage of tool wear state recognition, a graph data construction method based on a multi-metric basis and a Gaussian kernel weight function is proposed to obtain lighter POG graph data through the process of constructing the base graph with a multi-metric basis, node edge connection pruning optimization, and a Gaussian kernel weight function for calculating the edge weights. On this basis, the POGNN-GRU model is constructed to extract the spatio-temporal features in the data for the classification of the graph and to realize intelligent recognition of tool wear state.

2.2. Imbalanced Data Processing

Oversampling methods can effectively mitigate the imbalance phenomenon of the data, reduce the sample bias, and improve the model’s ability to learn from it. For example, the ADASYN oversampling method can synthesize more sample instances of harder-to-learn samples through weight adjustment, which takes into account the differences between samples of different minority classes and can effectively alleviate the inter-class imbalance phenomenon of the data and the problem of sample aliasing, but does not adequately take into account the influence of boundary samples and outliers and is prone to phenomena such as over-generalization [12]. The MWMOTE oversampling method focuses on boundary samples that contain important information and are difficult to learn, and accordingly synthesizes more effective new samples, which can effectively alleviate the overgeneralization of synthetic samples and the problem of intra-class imbalance of data, but the number of samples generated for a few classes is mainly determined by human beings and lacks objectivity [13]. In addition, the presence of noise in the original data can introduce incorrect samples into the new dataset or make samples in certain regions over-synthesized, which in turn affects the generalization ability of the model. Currently, noise in samples is often handled with the help of the k-NN method, in which a sample is discriminated as noise for elimination if all k nearest neighbors of the sample belong to other sample categories [28,29]. Although the method reduces the noise effect to some extent, it may mistakenly retain the true noise as normal data or incorrectly exclude the critical boundary data (pseudo-noise). Therefore, this paper introduces the adaptive noise removal strategy and designs the IMWMOTE algorithm for mitigating the data imbalance problem and reducing the effect of noise based on ADASYN and MWMOTE ideas. The implementation details are as follows:
The k -nearest neighborhood densities of the samples can also be used as the basis for noise discrimination [30]. Therefore, in order to identify and remove the noisy data in the sample more accurately, this paper introduces an adaptive noise removal strategy, that is, k-NN method, which is used to construct a set of suspected noise points X n and calculate the k -nearest neighborhood densities of the suspected noise from X n . On the basis of this, obtain the decision set D of the suspected noise, according to the following formula [29]:
D j = 1 w × d j S c × ( 1 d j B c )                                                             ( 1 w ) × D e j S k × ( 1 D e j B k ) ,                                                             j = 1 , 2 , , N s
D = sort { D j } , j = 1 , 2 , , N s
where j = 0 , 2 , , N s 1 , N s represents the number of suspected noise; D j is the decision value of the jth suspected noise, and the smaller the value is, the higher the probability that the corresponding suspected noise is true noise; d j S c and d j B c represent the Euclidean distance between the suspected noise x j X n and the center of the minority class samples as well as majority class samples, respectively; D e j S k and D e j B k represent the k -nearest neighborhood densities of minority class samples and the k -nearest neighborhood densities of majority class samples of x j , respectively; and w { 0 , 0.1 , , 1 } is the weight factor of the Euclidean distance and the neighborhood densities.
To more accurately deal with the noise in the samples, take j = 0 , 2 , , N s 1 , delete the first j suspected noise in D , and obtain a new minority sample set X m i ; subsequently, construct the imbalanced dataset X i b = [ X m a ; X m i ] , X m a denotes the majority class sample set; take one of the minority class samples x m , and achieve a synthesis of new samples by using the SMOTE method [10]; repeat the above steps until you obtain the balanced dataset X b ; use X b to train the classifier, then input the imbalanced dataset X i b into the trained model, and calculate the G-mean value denoted as G j ; finally, output the minority class sample set that corresponds to the maximum value of G j for the first time and denoted as X m i n o to be used for the subsequent synthesis of new samples.
In order to improve the ability of model to recognize the boundary between the minority class and the majority class and reduce the risk of overfitting, this algorithm is based on the MWMOTE idea to find the boundary samples between the majority class and the minority class and calculate the information weight w i n ( x i , x j ) , selection weight W ( x i ) and sampling probability of different samples P ( x i ) [13]. On this basis, considering the differences between different samples, this algorithm estimates the number of samples to be synthesized based on the ADASYN idea [12] and the calculated sample sampling probability. Subsequently, the synthesis of new samples is carried out to construct a balanced dataset. The specific implementation steps are shown in Algorithm 1.
Algorithm 1. IMWMOTE( X m i n o , X m a , k 1 , k 2 , k 3 , β )
Inputs:
X m i n o : Noise-processed minority class sample dataset;
X m a : Majority sample dataset;
k 1 : The number of neighbors used to construct the set of majority class boundary samples;
k 2 : The number of neighbors used to construct the set of minority class boundary samples;
k 3 : The number of neighbors of minority class boundary samples;
β : The proportion of majority and minority samples after sampling.
Procedure Begin:
  • For each minority class sample x i X m i n o , compute the k 1 -nearest neighbor majority class samples set ( X k m a ( x i ) ), and obtain the set of majority class boundary samples X b m a = { X k m a ( x i ) | x i X m i n o } . Similarly, compute the k 2 -nearest neighbor minority samples set ( X k m i ( x j ) ) for each x j X b m a , and obtain the set of minority class boundary samples X b m i = { X k m i ( x j ) | x j X b m a } .
2.
For each x j X b m a and x i X b m i , use the formula w i n ( x i , x j ) = f c l ( x i , x j ) f d e ( x i , x j ) to compute the information weight. The calculation of f c l ( x i , x j ) and f d e ( x i , x j ) can be found in reference [13].
3.
For each x i X b m i , compute the selection weight W ( x i ) = x j X b m a w i n ( x i , x j ) and the probability of sampling P ( x i ) = W ( x i ) / x i X b m i W ( x i ) .
4.
For the sample x i , calculate the proportion of majority class samples in its k 3 -nearest neighbors by using α i = B / k 3 , where B denotes the number of majority class samples in the k 3 -nearest neighbors of x i . Then, use the formula α i ¯ = α i / i = 1 N b m α i to standardize, where N b m denotes the number of samples in X b m i .
5.
Calculate synthesis ratio c i = λ P ( x i ) + ( 1 λ ) α i ¯ ,   λ = 0.5 , and c i ¯ = c i / i = 1 N b m c i .
6.
Calculate the number of samples n i * that need to be synthesized for x i through the formula n i * = c i ¯ × N , where N = β ( N m a N m i ) , β ( 0 , 1 ] , N m a denotes the number of samples of the majority class, and N m i denotes the number of samples of X m i n o .
7.
Initialize the dataset such that X m i 0 = X m i n o , and perform AHC clustering on X m i n o to generate M subclusters S u b 1 , S u b 2 , , S u b M .
Do for  i = 1 , , N b m
(1)
Take a sample s i from X b m i , while s i S u b m , m = 1 , 2 , , M .
(2)
Do for  j = 1 , , n i *
  • Take another sample q from S u b m randomly, and synthesize the new sample according to the formula x n e = s i + μ ( q s ) , where μ [ 0 , 1 ] .
  • Update the dataset X m i 0 such that X m i 0 = X m i 0 { x n e } .
        End Loop
  End Loop
  Store the completed sampled dataset as X m i n e .
8.
Obtain the balanced dataset X b = [ X m a ; X m i n e ] .
END
Output: Balanced dataset X b after IMWMOTE sampling.
In summary, the IMWMOTE algorithm is important for improving the accuracy of tool state recognition by adaptively removing the noise in the minority class of faulty samples and performing data augmentation on the minority class of samples in order to alleviate the problem of intra-class imbalance between data classes.

2.3. POGNN-GRU Model Construction

Compared with other deep learning methods, GNN treats nodes as interconnected entities and considers topological information in them, while GNN can capture the unique features of each node in the graph with the help of edge connectivity and node neighborhood, which is widely applicable to solve node-level, edge-level, and graph-level tasks [31]. Although GNN shows better performance in aggregating and extracting spatial dimension features from data, it is unable to comprehensively and efficiently extract temporal dimension features, which is not conducive to subsequent tool state recognition. GRU is a special recurrent neural network structure that effectively solves the gradient vanishing and gradient exploding problems that the traditional recurrent neural network faces when dealing with long sequence data by introducing the mechanisms of reset and update gate problems, and thus can better capture the long-term dependencies in the data [32]. Therefore, the POGNN-GRU model shown in Figure 2 is constructed to extract the state feature information from the sensor data.
The model mainly consists of two parts: POG graph data construction and POGNN-GRU-driven tool state recognition. The former mainly contains the base graph construction, pruning optimization of node edge connections, and edge weight calculation. The latter mainly contains two GConv layers, two GPool layers, two readout layers, one GRU layer, and two FC layers. Among them, the GConv layer is used to learn the feature representations of nodes; the GPool layer achieves feature dimensionality reduction by aggregating multiple node features to form a graph-level feature representation; the Readout layer integrates the node representations in subgraphs using Sum/Max/Mean operations and introduces the residual linkage mechanism to alleviate the problem of gradient vanishing; the GRU layer is designed to extract the time–dimensional features embedded in data; and the FC layer is designed to extract the time–dimensional features contained in data. dimension features; and the FC layer is used for feature fusion and the final task-specific output for graph classification to achieve tool state recognition. The implementation details are as follows:
The state data of a tool is usually multi-sensor data with complex spatial correlations among them, which can be presented in the form of a graph. High-quality graph data representation enables GNNs to learn the topology and complex relationships between nodes in the graph more effectively, thus improving the performance and generalization ability of the model. Therefore, for sensor data with different feature scales, in this paper, we take the Mahalanobis distance and cosine similarity as the measurement basis, construct multiple distance base graphs G d and similarity base graphs G s with different thresholds to capture multilevel information, and perform weighted fusion of base graphs of the same type to obtain the corresponding types of weighted graphs, which are denoted as DG and SG, respectively. Subsequently, based on the similar structure of the two types of graph data, the node-to-node edge connectivity relationships are pruned and optimized, and edge weights are calculated with Gaussian kernel weight function to construct POG graph data.
Specifically, intercept the IMWMOTE-processed dataset with a sliding window to obtain subsamples x i R n × m of the same size, where n denotes the number of sensors and m denotes the length of the subsample data. Each subsample usually consists of multiple sensor data points, and each sensor can be regarded as a node in the graph when the graph data are constructed. Subsequently, use the Mahalanobis distance [33] to measure the distance between the node features f p and f q :
M _ d i s p q = ( f p f q ) T S 1 ( f p f q )
where S is the covariance matrix of the subsample.
Use the calculated Mahalanobis distance and different thresholds to find the nearest neighbor for each node and to establish the edge-connectivity relationship between them so as to construct the distance base graph G d . At the same time, refer to Equation (9), calculate the cosine similarity between nodes, and when the cosine similarity S i m p q of node features f p and f q is greater than the specified threshold, establish the edge connection of two nodes so as to construct the similarity base graph G s .
S i m p q = f p f q f p f q
On this basis, different types of base graphs are weighted and fused to obtain the corresponding weighted graphs, DG and SG, respectively. The two base graphs constructed above have global similarity in node-edge connections but have local differences. In order to increase the validity of the constructed data edge connection, prune the “unique edges” as shown in Figure 2. Finally, use the Gaussian kernel weight function to calculate the edge weight w p q between the connected nodes to achieve the construction of graph data. In POG, the specific formula is defined as follows [24], where ξ represents the Gaussian kernel bandwidth:
w p q = exp ( ( f p , f q ) 2 2 ξ 2 )
Perform the same operation on each subsample of data in the time dimension to construct the POG spatio-temporal graph, which provides data support for the subsequent training and validation of the model.
In the process of POGNN-GRU-driven tool state recognition model construction, this paper chooses ChebyNet as the GConv layer and EdgePool as the GPool layer [34,35]. Among them, ChebyNet is a GNN model based on graph convolution theory, which implements the feature decomposition of the Laplace matrix of the graph through Chebyshev polynomial approximation to capture the global information of the graph, thus reducing the computational complexity and the number of parameters of the model. The formula for graph convolution can be expressed as follows:
x f θ = U f θ ( Λ ) U T x = U j = 0 K θ j Λ j U T x = j = 0 K θ j ( U Λ U T ) j x = j = 0 K θ j L j x
where denotes convolution operation; x denotes the input features; f θ is the convolution kernel parameterized by θ ; U denotes the matrix consisting of the eigenvectors of L; Λ denotes the matrix consisting of the eigenvalues of L.
ChebyNet approximates the graph convolution formula based on Chebyshev polynomials as follows:
x f θ = j = 0 K θ j L j x j = 0 K θ j T j ( L ¯ ) x
where λ max denotes the largest eigenvalue of the graph Laplace matrix and I n denotes the identity matrix; T j ( L ¯ ) = 2 L ¯ T j 1 ( L ¯ ) T j 2 ( L ¯ ) denotes the Chebyshev polynomials of order j, T 1 ( L ¯ ) = L ¯ = 2 L / λ max I n , T 0 ( L ¯ ) = I n .
The EdgePool method is able to aggregate the nodes connected by an edge into a new node by iteratively selecting the edge and performing a contraction operation, maintaining the connection relationship between the original nodes in the process. This can be achieved using the following formula:
S r o w ( e i j ) = ϖ · ( c i | | c j ) + η s c o r e i j = 0.5 + s o f t m a x ( S r o w ( e i j ) )
where e i j represents the edge between the ith and jth node; S r o w ( e i j ) represents the row score; c i and c j represent the node features; ϖ and η represent the learnable parameters; and s c o r e i j represents the final score after normalization operation on all edges of the node.

3. Case Study

3.1. Dataset Description

In order to verify the performance of the model proposed in this paper, the PHM2010 dataset [36] and the High-speed milling of thin-walled parts (HMoTP) dataset [37] were used in this experiment. The PHM2010 dataset contained the results of the CNC milling machine using a 6 mm triple-fluted tungsten carbide ball head for milling of stainless steel (HRC52) workpiece, and the data collected by deploying seven kinds of sensors such as dynamometer, unidirectional accelerometer, acoustic emission and so on during the work of CNC milling machine, specifically containing the force data, vibration data and an AE-RMS data under three different directions, and the sampling of the collected data was realized by the DAQ-NI PCI1200, and the above operation was repeated for the six tools respectively to obtain the six sub-datasets of C1, C2, C3, C4, C5, C6 six sub-datasets, where the C1, C4, C6 sub-datasets also contained measurements of tool wear obtained using a LEICA MZ12 microscope (LEICA, Wetzlar and Mannheim, Germany), so two of these sub-sets were selected as training sets and the other as a test set. The wear variation curves of tools C1, C4, and C6 are shown in Figure 3.
Each subset of C1, C4, and C6 contained sensor data from 315 cycles of experiments. Figure 3 shows the wear change curves of tools C1, C4, and C6. It could be seen from the figure that the wear degree of tools was relatively low during the first 20 cycles of experiments, and this stage was regarded as the stage of slight tool wear and was represented as Slight_Wear. During 20–200 cycles, the tool wear degree increased, but the degree of change was small. This stage was regarded as the intermediate tool wear stage, which was expressed as Medium_Wear. However, the degree of tool wear increased rapidly after 200 cycles of experiments, and this stage was regarded as the stage of severe tool wear, which was expressed as Severe_Wear.
For the single cycle experiment, since no cutting operation was carried out on the workpiece in the process of tool engagement and tool disengagement (as shown in the red box in Figure 4, which displays a portion of the force data collected by a sensor during the above processes), the tool was not worn at this time, so the data collected in the process of tool engagement and tool disengagement in each cycle experiment was regarded as invalid data to be eliminated.
Subsequently, a non-overlapping sliding window of length 1024 and the Min-Max normalization method were used to sub-sample and normalize the remaining data to eliminate the effect of magnitude between different data features. Then, construct the unbalanced datasets Medium_Wear/Slight_Wear and Medium_Wear/Severe_Wear as the experimental data for IMWMOTE. On this basis, the multivariate time series of every 10 subsamples in the dataset were transformed into one graph to realize the construction of the graph dataset.
The HMoTP dataset contained the milling experimental data of three sets of tools consisting of one tool holder and two inserts under the full life cycle, during which the spindle speed was 8000 rpm, the cutting speed was 351.85 m/min, the feed rate was 1280 mm/min, the radial depth of cut was 0.2 mm, and the axial depth of cut was 4 mm. The experiment was conducted by installing a triaxial accelerometer, Dytran 3263A1, and a Kistler rotary dynamometer to obtain the vibration signals, milling force signals, and axial bending moment signals on the x-axis, y-axis, and z-axis of a tool machining a thin-walled part. Three sets of tools each had 100 cutting data files, which made up the three subdatasets, T01, T02, and T03, and two of them were selected as the training set and the other as the test set.
Each cutting data corresponds to a tool wear value, composing ToolWeaT01, ToolWeaT02, and ToolWeaT03 tool wear data, and the corresponding wear change curves are shown in Figure 5. As shown in the figure, the first 20 cycles of the experiment tool wear degree were low, could be regarded as a slight wear stage, and denoted as Slight_Wear; in 20–80 cycles of the experiment tool wear degree increased, and the trend of change compared with the first stage became slower; the stage could be regarded as the tool intermediate wear stage, and denoted as Medium_Wear; the trend of change in 80–100 cycles of the experiment wear further changed; the stage was regarded as the severe tool wear stage, and denoted as Severe_Wear. Subsequently, use a non-overlapping sliding window with a length of 256 to divide the subsamples, and the rest of the data processing is consistent with PHM 2010.

3.2. Objective Function and Network Model Parameterization

In this paper, we use two FC layers as the output layer of the model to generate a probability distribution for each state category and utilize the Cross-Entropy (CE) loss as the objective function for the classification task.
L o s s C E = j = 1 C r j log ( p i )
where C denoted the number of state types; rj denoted the sample label, j = 1,2,…, C; pi denoted the probability of being in the ith state.
We ran this experiment on Windows 11 operating system with AMD Ryzen 7 5800H processor (AMD, Santa Clara, CA, USA), 16 GB of running memory, NVIDIA GeForce RTX 3050 Laptop GPU (NVIDIA, Santa Clara, CA, USA) for graphics, and Python 3.10.11 as well as Pytorch 2.1.0+cu121 and PyTorch Geometrics 2.4.0, to construct the model proposed in this paper.
To achieve tool state recognition, we constructed the POGNN-GRU model and used the Adam optimizer. Furthermore, the initial learning rate was set to 0.001, the weight decay value was initialized to 5 × 10 4 , the Dropout was set to 0.5, the batch size for model training was set to 64, the epoch was set to 100, and the remaining model parameters were set under the PHM 2010 and HMoTP datasets, respectively, as shown in Table 1.

3.3. Model Metrics

As shown in Table 2, there are the following four results for model classification, and in order to reasonably evaluate the performance of the model, appropriate measurement indicators need to be used. The model measurement and evaluation indexes used in this paper mainly contain accuracy, precision, recall, and F1 (F1-score), which are calculated as follows.
Acc = ( TP + TN ) / ( TP + TN + FP + FN ) Pre = TP / ( TP + FP ) Rec = TP / ( TP + FN ) F 1 = 2 × Precision × Recall / ( Precision + Recall )

3.4. Analysis of Experimental Results

Input the training set and test data under the PHM2010 dataset and HMoTP dataset into the proposed model in this paper, respectively, and the corresponding accuracy and loss function values were shown in Figure 6, which showed that the model gradually tended to be stable after about 20 epochs of training, and the accuracy and loss function values were close to 98% and 0, respectively, indicating that the model did not suffer from serious overfitting or underfitting phenomena, and it had good classification and generalization abilities.
The confusion matrix could visualize the performance ability of the model in each category. In order to analyze the impact of whether the number of samples in the dataset was balanced or not on the model recognition results, this paper used the confusion matrix to show the results of the POGNN-GRU model before and after data balance under the PHM2010 dataset and the HMoTP dataset, as shown in Figure 7. Figure 7a,b,e,f showed the results before data set balancing, and Figure 7c,d,g,h showed the results after data set balancing, and it could be seen that the model under the balanced dataset could more accurately identify the wear state of the tool.
To verify the performance of the model in recognizing tool states under data imbalance conditions, the imbalanced datasets Medium_Wear/Slight_Wear and Medium_Wear/Severe_Wear were processed by ADASYN, MWMOTE, and IMWMOTE, respectively, and compared with the results of the unprocessed (No-Sampling). Since the model was more inclined to predict the majority class under the unbalanced dataset, the misclassification of the minority class samples had less impact on the overall accuracy, and a higher accuracy may also be obtained. Furthermore, the F1 value took into account the model’s accuracy and recall ability, so the F1 value was adopted here as the model performance measure. In this process, RMS features were extracted from the processed dataset as input to the SVM classifier.
The average statistical results after six trials with different methods were presented in Table 3, from which it could be seen that the performance of the model after using ADASYN was slightly worse than the model performance of No-Sampling under both datasets regarding the Medium_Wear/Slight_Wear and Medium_Wear/Severe_Wear state recognition of the tools. In contrast to the MWMOTE and IMWMOTE methods, which dealt with noise in the minority classes of samples, the F1 values of the models both improved for Medium_Wear/Slight_Wear and Medium_Wear/Severe_Wear state recognition compared with No-Sampling. Furthermore, compared with MWMOTE, the model with the IMWMOTE method had higher F1 values with 9.10%, 9.34%, 1.14%, and 4.09% improvement, respectively.
The above results illustrated that the noise in the tool wear dataset adversely affected the performance of the classifier. Furthermore, the IMWMOTE method proposed in this paper outperformed the other methods in different unbalanced datasets, which indicated that the method was able to effectively remove the noise in the minority class samples to alleviate the unbalanced problem of the data and was more suitable for practical tool wear application monitoring.
To further explore the performance of the proposed model in this paper, the IMWMOTE processed datasets were used to construct the POG graph data, and GCN [25], GAT [24], ChebyNet [34], LSTM [17], GRU [18], HoGNN [38], MRF-GCN [39], and A3T-GCN [40] were used as the baseline methods. The average statistical results after six experiments for different models under the PHM 2010 dataset and the HMoTP dataset are shown in Table 4 and Table 5, respectively. The experimental results in the table showed that GRU had better performance compared with LSTM for Medium_Wear/Slight_Wear and Medium_Wear/Severe_Wear state recognition, indicating that the GRU model on the tool dataset captures the dependencies in the time series better. In addition, ChebyNet had higher accuracy in tool state recognition compared with other GNN models, indicating that ChebyNet had better feature extraction ability than other GNN models. And compared with the ChebyNet and GRU models, the POGNN-GRU model had improved in each index. Furthermore, when performing Medium_Wear/Slight_Wear state recognition under the PHM 2010 dataset, the accuracy, precision, recall, and F1 values of the POGNN-GRU model were 98.11%, 98.85%, 97.66%, and 98.25%, respectively, which were improved in comparison to the optimal baseline model MRF-GCN by 1.62%, 2.09%, 1.29%, and 1.69%, respectively. For Medium_Wear/Severe_Wear state recognition, the accuracy, precision, recall, and F1 values of the POGNN-GRU model were 97.44%, 98.78%, 97.15%, and 97.96%, respectively, which were 1.17%, 3.66%, 0.43%, and 2.03% higher than the optimal baseline model, A3T-GCN, respectively. When performing Medium_Wear/Slight_Wear and Medium_Wear/Severe_Wear state recognition under the HMoTP dataset, the model proposed in this paper also achieved the best results compared with other models. The above results indicated that the use of the model proposed in this paper to mine the spatio-temporal information in the state data was of great significance in reducing the misidentification of tool states.
In addition, this paper evaluated the computational cost of each model by the Floating Point Operations Per Second (FLOPS), the number of parameters (Params), and the training time (the time required for each epoch of the model training process). Shown in Figure 8 is the computational cost of each model under the PHM 2010 dataset (the specific data are shown in Table 6). It could be seen that the GNNs model as well as the HoGNN and MRF-GCN models had smaller FLOPS and Params compared with the LSTM and GRU, but the corresponding training time was longer. The A3T-GCN model had smaller FLOPS compared with LSTM and GRU, while its Params were larger compared with GRU. The models used in this paper showed a smaller increase in FLOPS and training time compared with the GNNs, HoGNN, and MRF-GCN models, and the corresponding FLOPS were smaller than those of the LSTM and GRU models. In addition, although the Params of the models used in this paper increased compared with those of the GNNs, HoGNN, and MRF-GCN models, they decreased by 52.36%, 36%, and 38.65%, respectively, compared with the LSTM, GRU, and A3T-GCN models.

3.5. Ablation Experiments

In order to further investigate the effects of different graph data construction methods, the ChebyNet module and the GRU module, on the model performance, two ablation experiments were designed under the PHM 2010 dataset in this paper for validation analysis. Ablation experiment 1 used DG, SG, and the POG method proposed in this paper for graph data construction, respectively, and the results are shown in Figure 9. DG and SG were based on a single metric to determine the edge connection relationship of graph nodes, respectively, and the result of DG was lower than that of SG for both datasets. POG was based on a multi-scale multi-metric basis to determine the edge connection relationship of graph nodes, and the Gaussian kernel weight function was utilized to calculate the edge weights. The results of the corresponding model were optimal, indicating that the graph data construction method proposed in this paper further improved the information expression of topology.
The ablation experiment 2 adopted POG as the graph data construction method and introduced different GNN models, as well as LSTM and GRU models, respectively. The experimental results are shown in Table 7 below. It could be seen that, compared with the GNNs model that only extracts features in the spatial dimension and the LSTM as well as the GRU models that only extract features in the temporal dimension in Table 4 and Table 5, extracting features from multiple dimensions could further improve the accuracy of model classification. In addition, ChebyNet and LSTM improved their model performance compared with other models.

4. Conclusions

In this paper, we propose a tool state recognition method based on POGGNN-GRU under unbalanced data, process the unbalanced data through IMWMOTE, on the basis of which we construct a POGNN-GRU model to deeply mine the spatio-temporal dependence between data to realize tool state recognition, and experimentally validate it on PHM2010 and the HMoTP dataset. The main conclusions of the study are as follows:
  • The IMWMOTE unbalance data processing algorithm proposed in this paper can effectively improve the unbalance phenomenon between and within classes under different wear states of the tool, largely reduce the impact of noise in minority classes of samples on tool state recognition, and improve the overall noise immunity and accuracy of the model.
  • In this paper, we propose a graph data construction method that introduces a graph data pruning optimization strategy based on a multi-scale and multi-metric basis in the graph construction process. This optimization strategy further refines the topological information and improves the topological representation, which is important for improving the model performance.
  • The POGNN-GRU model proposed in this paper utilizes a graph data pruning optimization strategy based on a multi-scale and multi-metric basis for graph data construction and extracts node features from multi-dimensions to mine the spatio-temporal information embedded in the tool state data to achieve tool wear state recognition. The model validation is carried out with the PHM 2010 and HMoTP datasets, and the results show that the highest accuracy, precision, recall, and F1 values of the proposed model are 98.11%, 98.85%, 97.66%, 98.25%, 97.44%, 98.78%, 97.15%, and 97.96% for state recognition under the PHM 2010 dataset. Furthermore, the model achieves the highest accuracy of 98.40% and 97.68% under the HMoTP dataset, proving the feasibility and effectiveness of the proposed model in this paper.

Author Contributions

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

Funding

This research was funded by two projects. The first project is the Heilongjiang Province Key Research and Development Program, with grant number 2023ZX01A12, titled “Research on Communication Performance Enhancement and Predictive Maintenance of Industrial Control Systems Based on Industrial Internet and Knowledge Graph”. The second project is funded by the Harbin Science and Technology Innovation Talent Funds with the grant number CXRC20231112683, titled “Research on Predictive Maintenance Technology for Space Environment Ground Simulation Devices Based on Blockchain and Knowledge Graph”.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data supporting the findings of this study are available within the article. The experiments conducted in this research are based on the PHM 2010 and HMoTP datasets, which are the publicly available benchmark datasets for tool wear monitoring. The PHM 2010 dataset can be accessed at https://www.phmsociety.org/competition/phm/10 (accessed on 21 July 2024), and the HMoTP dataset can be accessed at https://runqiong.wang/dataset/ (accessed on 21 July 2024).

Acknowledgments

We extend our heartfelt thanks to everyone who participated in this project and to the contributors of the open-source datasets.

Conflicts of Interest

The authors declare no conflicts of interest.

References

  1. Mohanraj, T.; Shankar, S.; Rajasekar, R.; Sakthivel, N.R.; Pramanik, A. Tool condition monitoring techniques in milling process—A review. J. Mater. Res. Technol. 2020, 9, 1032–1042. [Google Scholar] [CrossRef]
  2. Banda, T.; Farid, A.A.; Li, C.; Jauw, V.L.; Lim, C.S. Application of machine vision for tool condition monitoring and tool performance optimization—A review. Int. J. Adv. Manuf. Technol. 2022, 121, 7057–7086. [Google Scholar] [CrossRef]
  3. Li, X.B.; Yue, C.X.; Liu, X.L.; Zhou, J.; Wang, L. ACWGAN-GP for milling tool breakage monitoring with imbalanced data. Robot. Comput.-Integr. Manuf. 2024, 85, 102624–102640. [Google Scholar] [CrossRef]
  4. Qin, B.; Wang, Y.; Liu, K.; Jiang, S.; Luo, Q. A novel online tool condition monitoring method for milling titanium alloy with consideration of tool wear law. Mech. Syst. Signal Process. 2023, 199, 110467. [Google Scholar] [CrossRef]
  5. Zhang, P.; Gao, D.; Lu, Y.; Ma, Z.; Wang, X.; Song, X. Cutting tool wear monitoring based on a smart toolholder with embedded force and vibration sensors and an improved residual network. Measurement 2022, 199, 111520. [Google Scholar] [CrossRef]
  6. Li, Y.; Xiang, Y.; Pan, B.; Shi, L. A hybrid remaining useful life prediction method for cutting tool considering the wear state. Int. J. Adv. Manuf. Technol. 2022, 121, 3583–3596. [Google Scholar] [CrossRef]
  7. Zhou, F.; Yang, S.; Fujita, H.; Chen, D.; Wen, C. Deep learning fault diagnosis method based on global optimization GAN for unbalanced data. Knowl.-Based Syst. 2020, 187, 104837. [Google Scholar] [CrossRef]
  8. Li, S.; Peng, Y.; Shen, Y.P.; Zhao, S.B.; Shao, H.D.; Bin, G.F.; Guo, Y.; Yang, X.K.; Fan, C. Rolling Bearing Fault Diagnosis Under Data Imbalance and Variable Speed Based on Adaptive Clustering Weighted Oversampling. Reliab. Eng. Syst. Saf. 2024, 244, 109938–109957. [Google Scholar] [CrossRef]
  9. Wang, Y.R.; Sun, G.D.; Jin, Q. Imbalanced sample fault diagnosis of rotating machinery using conditional variational auto-encoder generative adversarial network. Appl. Soft Comput. 2020, 92, 106333–106351. [Google Scholar] [CrossRef]
  10. Bao, Y.; Yang, S. Two Novel SMOTE Methods for Solving Imbalanced Classification Problems. IEEE Access 2023, 11, 5816–5823. [Google Scholar] [CrossRef]
  11. Chen, Y.; Chang, R.; Guo, J. Effects of Data Augmentation Method Borderline-SMOTE on Emotion Recognition of EEG Signals Based on Convolutional Neural Network. IEEE Access 2021, 9, 47491–47502. [Google Scholar] [CrossRef]
  12. He, H.; Bai, Y.; Garcia, E.A.; Li, S.T. ADASYN: Adaptive synthetic sampling approach for imbalanced learning. In Proceedings of the 2008 IEEE International Joint Conference on Neural Networks (IEEE World Congress on Computational Intelligence), Hong Kong, China, 1–8 June 2008; pp. 1322–1328. [Google Scholar]
  13. Barua, S.; Islam, M.M.; Yao, X.; Murase, K. MWMOTE–Majority Weighted Minority Oversampling Technique for Imbalanced Data Set Learning. IEEE Trans. Knowl. Data Eng. 2014, 26, 405–425. [Google Scholar] [CrossRef]
  14. Liu, C.F.; Zhu, L.D. A two-stage approach for predicting the remaining useful life of tools using bidirectional long short-term memory. Measurement 2020, 164, 108029. [Google Scholar] [CrossRef]
  15. Wei, J.N.; Huang, H.S.; Yao, L.G.; Hu, Y.; Fan, Q.; Huang, D. New imbalanced fault diagnosis framework based on Cluster-MWMOTE and MFO-optimized LS-SVM using limited and complex bearing data. Eng. Appl. Artif. Intell. 2020, 96, 103966. [Google Scholar] [CrossRef]
  16. Zhu, Q.; Wang, X.; Zhang, N.; Xu, Y.; He, Y. Industrial Imbalanced Fault Diagnosis Method Based on Borderline SMOTE Integrated with NPE and CatBoost. In Proceedings of the 2022 IEEE 11th Data Driven Control and Learning Systems Conference (DDCLS), Chengdu, China, 3–5 August 2022; pp. 612–617. [Google Scholar]
  17. Zhou, J.T.; Zhao, X.; Gao, J. Tool remaining useful life prediction method based on LSTM under variable working conditions. Int. J. Adv. Manuf. Technol. 2019, 104, 4715–4726. [Google Scholar] [CrossRef]
  18. Wang, J.J.; Yan, J.X.; Li, C.; Gao, R.X.; Zhao, R. Deep heterogeneous GRU model for predictive analytics in smart manufacturing: Application to tool wear prediction. Comput. Ind. 2019, 111, 1–14. [Google Scholar] [CrossRef]
  19. Zhu, X.; Chen, G.L.; Ni, C.; Lu, X.B.; Guo, J. Hybrid CNN-LSTM model driven image segmentation and roughness prediction for tool condition assessment with heterogeneous data. Robot. Comput.-Integr. Manuf. 2024, 90, 102796. [Google Scholar] [CrossRef]
  20. Yang, Y.; Sun, Y.; Ju, F.; Wang, S.; Gao, J.; Yin, B. Multi-graph fusion graph convolutional networks with pseudo-label supervision. Neural Netw. 2023, 158, 305–317. [Google Scholar] [CrossRef]
  21. Xiang, W.; Liu, S.; Li, H.; Cao, S.; Zhang, K.; Yang, C. Fault Diagnosis of Gearbox Based on Refined Topology and Spatio-Temporal Graph Convolutional Network. IEEE Sens. J. 2024, 24, 1866–1879. [Google Scholar] [CrossRef]
  22. Li, T.; Zhao, Z.; Sun, C.; Yan, R.; Chen, X. Domain Adversarial Graph Convolutional Network for Fault Diagnosis Under Variable Working Conditions. IEEE Trans. Instrum. Meas. 2021, 70, 3515010. [Google Scholar] [CrossRef]
  23. Gao, Y.; Chen, M.; Yu, D. Semi-supervised graph convolutional network and its application in intelligent fault diagnosis of rotating machinery. Measurement 2021, 186, 110084. [Google Scholar] [CrossRef]
  24. Li, T.F.; Zhou, Z.; Li, S.N.; Sun, C.; Yan, R.; Chen, X. The emerging graph neural networks for intelligent fault diagnostics and prognostics: A guideline and a benchmark study. Mech. Syst. Signal Process. 2022, 168, 108653. [Google Scholar] [CrossRef]
  25. Wang, Y.S.; Liu, J.Q.; Qian, G.S. Hierarchical FFT-LSTM-GCN based model for nuclear power plant fault diagnosis considering spatio-temporal features fusion. Prog. Nucl. Energy 2024, 171, 105178. [Google Scholar] [CrossRef]
  26. Lin, W.Q.; Miao, X.R.; Chen, J.; Ye, M.X.; Xu, Y.; Liu, X.Y.; Jiang, H.; Lu, Y.Z. Fault detection and isolation for multi-type sensors in nuclear power plants via a knowledge-guided spatial–temporal model. Knowl.-Based Syst. 2024, 300, 112182. [Google Scholar] [CrossRef]
  27. Li, Q.; Wang, Y.F.; Dong, J.; Zhang, C.; Peng, K.X. Multi-node knowledge graph assisted distributed fault detection for large-scale industrial processes based on graph attention network and bidirectional LSTMs. Neural Netw. 2024, 173, 106210. [Google Scholar] [CrossRef]
  28. Han, H.; Wang, W.Y.; Mao, B.H. Borderline-SMOTE: A new over-sampling method in imbalanced data sets learning. In Proceedings of the International Conference on Intelligent Computing, Hefei, China, 23–26 August 2005; Springer: Berlin/Heidelberg, Germany, 2005; pp. 878–887. [Google Scholar]
  29. Wei, J.; Huang, H.; Yao, L.; Hu, Y.; Fan, Q.; Huang, D. NI-MWMOTE: An improving noise-immunity majority weighted minority oversampling technique for imbalanced classification problems. Expert Syst. Appl. 2020, 158, 113504. [Google Scholar] [CrossRef]
  30. Ju, Z.; Cao, J.Z.; Gu, H. Predicting lysine phosphoglycerylation with fuzzy SVM by incorporating k-spaced amino acid pairs into Chou’s general PseAAC. J. Theor. Biol. 2016, 397, 145–150. [Google Scholar] [CrossRef]
  31. Li, X.M.; Wang, Y.X.; Yao, J.C.; Li, M.; Gao, Z. Multi-sensor fusion fault diagnosis method of wind turbine bearing based on adaptive convergent viewable neural networks. Reliab. Eng. Syst. Saf. 2024, 245, 109980. [Google Scholar] [CrossRef]
  32. Wang, T.; Tang, Y.; Tang, T.; Lei, N. An improved MSCNN and GRU model for rolling bearing fault diagnosis. Stroj. Vestn.-J. Mech. Eng. 2023, 69, 261–274. [Google Scholar] [CrossRef]
  33. Zhang, X.; Jiang, L.; Wang, L.; Zhang, T.N.; Zhang, F. A pruned-optimized weighted graph convolutional network for axial flow pump fault diagnosis with hydrophone signals. Adv. Eng. Inform. 2024, 60, 102365. [Google Scholar] [CrossRef]
  34. Defferrard, M.; Bresson, X.; Vandergheynst, P. Convolutional neural networks on graphs with fast localized spectral filtering. Adv. Neural Inf. Process. Syst. 2016, 29, 3844–3852. [Google Scholar]
  35. Diehl, F. Edge contraction pooling for graph neural networks. arXiv 2019, arXiv:1905.10990. [Google Scholar]
  36. The Prognostics and Health Management Society (PHM Society). 2010. Available online: https://www.phmsociety.org/competition/phm/10 (accessed on 21 July 2024).
  37. Wang, R.Q.; Song, Q.H.; Peng, Y.Z.; Qin, J.; Liu, Z.Q.; Liu, Z.J. Toward digital twins for high-performance manufacturing: Tool wear monitoring in high-speed milling of thin-walled parts using domain knowledge. Robot. Comput.-Integr. Manuf. 2024, 88, 102723. [Google Scholar] [CrossRef]
  38. Morris, C.; Ritzert, M.; Fey, M.; Hamilton, W.L.; Lenssen, J.E.; Rattan, G.; Grohe, M. Weisfeiler and leman go neural: Higher-order graph neural networks. In Proceedings of the AAAI Conference on Artificial Intelligence, Honolulu, HI, USA, 27 January–1 February 2019; Volume 33, pp. 4602–4609. [Google Scholar]
  39. Li, T.; Zhao, Z.; Sun, C.; Yan, R.; Chen, X. Multireceptive Field Graph Convolutional Networks for Machine Fault Diagnosis. IEEE Trans. Ind. Electron. 2021, 68, 12739–12749. [Google Scholar] [CrossRef]
  40. Bai, J.; Zhu, J.; Song, Y.; Zhao, L.; Hou, Z.; Du, R.; Li, H. A3T-GCN: Attention Temporal Graph Convolutional Network for Traffic Forecasting. ISPRS Int. J. Geo-Inf. 2021, 10, 485. [Google Scholar] [CrossRef]
  41. Huang, D.; Liu, H.; Bi, T.; Yang, Q. GCN-LSTM spatiotemporal-network-based method for post-disturbance frequency prediction of power systems. Glob. Energy Interconnect. 2022, 5, 96–107. [Google Scholar] [CrossRef]
  42. Zhao, J.; Yan, Z.; Zhou, Z.; Chen, X.; Wu, B.; Wang, S. A ship trajectory prediction method based on GAT and LSTM. Ocean Eng. 2023, 289, 116159. [Google Scholar] [CrossRef]
  43. Shi, H.; Pan, C.; Yang, L.; Gu, X. AGG: A Novel Intelligent Network Traffic Prediction Method Based on Joint Attention and GCN-GRU. Secur. Commun. Netw. 2021, 1, 7751484. [Google Scholar] [CrossRef]
  44. Wang, L.; He, Y.; Zhou, Y.; Li, L.; Wang, J.; Zhao, Y.; Du, B. A Novel Approach to Wind Turbine Blade Icing Detection with Limited Sensor Data via Spatiotemporal Attention Siamese Network. IEEE Trans. Ind. Inform. 2024, 20, 8993–9005. [Google Scholar] [CrossRef]
Figure 1. A POGNN-GRU-based model framework for tool state recognition under unbalanced data.
Figure 1. A POGNN-GRU-based model framework for tool state recognition under unbalanced data.
Sensors 24 05433 g001
Figure 2. POGNN-GRU model framework.
Figure 2. POGNN-GRU model framework.
Sensors 24 05433 g002
Figure 3. (a) Wear variation curves of tools C1; (b) wear variation curves of tools C4; (c) wear variation curves of tools C6.
Figure 3. (a) Wear variation curves of tools C1; (b) wear variation curves of tools C4; (c) wear variation curves of tools C6.
Sensors 24 05433 g003
Figure 4. (a) Partial force data for single-cycle experiments during tool engagement; (b) Partial force data for single-cycle experiments during tool disengagement.
Figure 4. (a) Partial force data for single-cycle experiments during tool engagement; (b) Partial force data for single-cycle experiments during tool disengagement.
Sensors 24 05433 g004
Figure 5. (a) Wear variation curves of T01; (b) wear variation curves of T02; (c) wear variation curves of T03.
Figure 5. (a) Wear variation curves of T01; (b) wear variation curves of T02; (c) wear variation curves of T03.
Sensors 24 05433 g005
Figure 6. Model training and testing results; (a) the result of PHM2010 dataset; (b) the result of HMoTP dataset.
Figure 6. Model training and testing results; (a) the result of PHM2010 dataset; (b) the result of HMoTP dataset.
Sensors 24 05433 g006
Figure 7. Confusion Matrix, (a) Medium_Wear/Slight_Wear classification (no sampling) under PHM2010 dataset; (b) Medium_Wear/Severe_Wear classification (no sampling) under PHM2010 dataset; (c) Medium_Wear/Slight_Wear classification (with IMWMOTE) under PHM2010 dataset; (d) Medium_Wear/Severe_Wear classification (with IMWMOTE) under PHM2010 dataset; (e) Medium_Wear/Slight_Wear classification (no sampling) under HMoTP dataset; (f) Medium_Wear/Severe_Wear classification (no sampling) under HMoTP dataset; (g) Medium_Wear/Slight_Wear classification (with IMWMOTE) under HMoTP dataset; (h) Medium_Wear/Severe_Wear classification (with IMWMOTE) under HMoTP dataset.
Figure 7. Confusion Matrix, (a) Medium_Wear/Slight_Wear classification (no sampling) under PHM2010 dataset; (b) Medium_Wear/Severe_Wear classification (no sampling) under PHM2010 dataset; (c) Medium_Wear/Slight_Wear classification (with IMWMOTE) under PHM2010 dataset; (d) Medium_Wear/Severe_Wear classification (with IMWMOTE) under PHM2010 dataset; (e) Medium_Wear/Slight_Wear classification (no sampling) under HMoTP dataset; (f) Medium_Wear/Severe_Wear classification (no sampling) under HMoTP dataset; (g) Medium_Wear/Slight_Wear classification (with IMWMOTE) under HMoTP dataset; (h) Medium_Wear/Severe_Wear classification (with IMWMOTE) under HMoTP dataset.
Sensors 24 05433 g007
Figure 8. The computational cost of different models.
Figure 8. The computational cost of different models.
Sensors 24 05433 g008
Figure 9. The result of ablation experiments 1.
Figure 9. The result of ablation experiments 1.
Sensors 24 05433 g009
Table 1. Model parameter setting.
Table 1. Model parameter setting.
LayerPHM 2010 Parameter SettingsHMoTP
Parameter Settings
GConv 11024 × 1024256 × 256
BatchNorm 11024256
EdgePool 11024256
Readout 1SumSum
GConv 21024 × 1024256 × 256
BatchNorm 21024256
EdgePool 21024256
Readout 2SumSum
GRU1024 × 512256 × 128
FC 1512 × 256128 × 128
FC 2256 × C128 × C
Table 2. Model classification results.
Table 2. Model classification results.
LayerActual PositiveActual Negative
Predicted PositiveTrue Positive, TPFalse Positive, FP
Predicted NegativeFalse Positive, FNTrue Positive, TN
Table 3. F1 statistics (%) of state recognition results under different oversampling methods.
Table 3. F1 statistics (%) of state recognition results under different oversampling methods.
ModelPHM2010 DatasetHMoTP Dataset
Medium_Wear/
Slight_Wear
Medium_Wear/
Severe_Wear
Medium_Wear/
Slight_Wear
Medium_Wear/
Severe_Wear
No-Sampling82.6743.5186.8984.41
ADASYN [12]71.0775.3986.1482.73
MWMOTE [13]83.2681.0691.2787.53
IMWMOTE90.8488.6392.3191.11
Table 4. Statistics of different model tool state recognition results under PHM 2010 dataset.
Table 4. Statistics of different model tool state recognition results under PHM 2010 dataset.
ModelMedium_Wear/Slight_WearMedium_Wear/Severe_Wear
Acc (%)Pre (%)Rec (%)F1 (%)Acc (%)Pre (%)Rec (%)F1 (%)
GCN [25]90.7789.3293.1291.1889.0990.1291.1390.62
GAT [24]88.5786.5392.0289.1987.9388.9289.5489.23
ChebyNet [34]92.3192.7893.5293.1589.5591.3890.9091.14
LSTM [17]89.8090.1193.0091.5388.8987.7091.8889.74
GRU [18]90.5792.5892.5092.5489.2390.6690.1690.41
HoGNN [38]95.0592.7594.7793.7594.8893.3593.8993.62
MRF-GCN [39]96.5596.8396.4196.6295.5995.4194.5794.99
A3T-GCN [40]95.9592.3195.2493.7596.3195.2996.7496.01
POGNN-GRU98.1198.8597.6698.2597.4498.7897.1597.96
Table 5. Statistics of different model tool state recognition results under HMoTP dataset.
Table 5. Statistics of different model tool state recognition results under HMoTP dataset.
ModelMedium_Wear/Slight_WearMedium_Wear/Severe_Wear
Acc (%)Pre (%)Rec (%)F1 (%)Acc (%)Pre (%)Rec (%)F1 (%)
GCN [25] 92.7488.3495.0791.5891.3392.4489.7291.06
GAT [24]92.6090.1294.2792.1592.6192.9690.3891.65
ChebyNet [34]93.2794.2592.8893.5693.0595.7593.7794.75
LSTM [17]91.5991.8892.8792.3792.2196.6292.9594.75
GRU [18]92.0194.1693.8093.9892.5591.9793.3892.67
HoGNN [38]96.6092.8092.3692.5895.2694.4794.5394.5
MRF-GCN [39]95.3595.9895.5295.7595.8393.38296.3694.85
A3T-GCN [40]96.6097.8793.7295.7596.8294.3596.1195.22
POGNN-GRU98.40100.0097.7598.8697.6897.1999.3398.25
Table 6. The computational cost of different models.
Table 6. The computational cost of different models.
ModelFLOPs (G)Params (M)Train Time (s)
GCN [25]0.04460.5345.5666
GAT [24]0.04460.5345.6487
ChebyNet [34]0.04460.5345.2690
LSTM [17]3.3665.2521.2763
GRU [18]2.5253.9390.6842
HoGNN [38]0.07870.72205.5110
MRF-GCN [39]0.06660.53815.7812
A3T-GCN [40]0.27194.07834.9594
POGNN-GRU0.17092.50205.6348
Table 7. F1 statistics (%) for ablation experiment 2.
Table 7. F1 statistics (%) for ablation experiment 2.
ModelMedium_Wear/Slight_WearMedium_Wear/Severe_Wear
GCN-LSTM [41]94.8394.27
GAT-LSTM [42]94.7092.84
ChebyNet-LSTM95.0293.31
GCN-GRU [43]95.0294.32
GAT-GRU [44]94.9794.10
POGNN-GRU98.2597.96
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Tong, W.; Shen, J.; Li, Z.; Chu, X.; Jiang, W.; Tan, L. Tool State Recognition Based on POGNN-GRU under Unbalanced Data. Sensors 2024, 24, 5433. https://doi.org/10.3390/s24165433

AMA Style

Tong W, Shen J, Li Z, Chu X, Jiang W, Tan L. Tool State Recognition Based on POGNN-GRU under Unbalanced Data. Sensors. 2024; 24(16):5433. https://doi.org/10.3390/s24165433

Chicago/Turabian Style

Tong, Weiming, Jiaqi Shen, Zhongwei Li, Xu Chu, Wenqi Jiang, and Liguo Tan. 2024. "Tool State Recognition Based on POGNN-GRU under Unbalanced Data" Sensors 24, no. 16: 5433. https://doi.org/10.3390/s24165433

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Article metric data becomes available approximately 24 hours after publication online.
Back to TopTop