Next Article in Journal
Research on Dynamic Weighted Coupling Model of Multi-Energy System Driven by Meteorological Risk Perception
Previous Article in Journal
CCIBA: A Chromatic Channel-Based Implicit Backdoor Attack on Deep Neural Networks
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

User Authentication Using Graph Neural Networks (GNNs) for Adapting to Dynamic and Evolving User Patterns

Department of Electronic Engineering, College of IT Convergence Engineering, Chosun University, Gwangju 61452, Republic of Korea
Electronics 2025, 14(18), 3570; https://doi.org/10.3390/electronics14183570
Submission received: 11 August 2025 / Revised: 2 September 2025 / Accepted: 8 September 2025 / Published: 9 September 2025
(This article belongs to the Section Artificial Intelligence)

Abstract

With recent advancements in digital environments, user authentication is becoming increasingly important. Traditional authentication methods such as passwords and PINs suffer from inherent limitations, including vulnerability to theft, guessing, and replay attacks. Consequently, there has been a growing body of research on more accurate and efficient user authentication methods. One such approach involves the use of biometric signals to enhance security. However, biometric methods face significant challenges in ensuring stable authentication accuracy, primarily due to variations in the user’s environment, physical activity, and health conditions. To address these issues, this paper proposes a biometric-signal-based user authentication system using graph neural networks (GNNs). The feasibility of the proposed system was evaluated using an electromyogram (EMG) dataset specifically constructed by Chosun University for user authentication research. GNNs have demonstrated exceptional performance in modeling the relationships among complex data and attracted attention in various fields. Specifically, GNNs are well-suited for modeling user behavioral patterns while considering temporal and spatial relationships, making them an ideal method for adapting to dynamic and evolving user patterns. Unlike traditional neural networks, GNNs can dynamically learn and adapt to changes or evolutions in user behavioral patterns over time. This paper describes the design and implementation of a user authentication system using GNNs with an EMG dataset and discusses how the system can adapt to dynamic and changing user patterns.

1. Introduction

In recent years, the adoption of biometric technologies for user authentication has increased significantly. This trend is driven by the unique advantages of biometrics, including distinctiveness, convenience, and high security. For example, fingerprint and facial recognition systems demonstrate high accuracy by leveraging users’ personal and physiological characteristics while minimizing the need for user cooperation during the authentication process. In addition to these modalities, physiological biosignals such as electrocardiogram (ECG), electroencephalogram (EEG), electromyogram (EMG), and photoplethysmogram (PPG) signals have attracted attention for their potential to enhance security. Unlike externally observable traits, these signals are internally generated and inherently dynamic, reflecting an individual’s unique biological state in real time. Their continuous variability and resistance to replication or spoofing provide strong protection against common biometric threats such as forgery and replay attacks, thereby contributing to a more robust and secure authentication framework [1,2,3,4,5].
However, despite these advantages, biometric authentication systems have inherent limitations, particularly when the physiological or psychological states of users fluctuate. Biometric features, especially those derived from biosignals, can be significantly affected by transient conditions such as stress, fatigue, emotional state, and illness. These factors may alter the underlying physiological processes, leading to changes in signal morphology, amplitude, or frequency, which reduces a system’s ability to match acquired signals with stored templates reliably. Consequently, authentication accuracy may degrade, increasing the rates of false rejections or even false acceptances in some cases [6,7,8].
This variability challenges the stability and permanence of biometric traits, which are the foundational assumptions of most recognition systems. To mitigate these issues, researchers have proposed a variety of adaptive and resilient approaches [9,10,11]. One promising direction is the development of dynamic biometric systems that can adjust their decision thresholds or update templates over time based on the user’s current state. For example, adaptive template-updating strategies can accommodate gradual changes in biosignal patterns and improve long-term system reliability. Additionally, machine and deep learning techniques have been leveraged to construct context-aware models that can be generalized across varying conditions by learning discriminative features that remain robust to physiological fluctuations [12].
Another complementary strategy is the use of multimodal biometric systems that combine multiple sources of biometric information, including either multiple biosignals (e.g., ECG and PPG) or a combination of behavioral and physiological traits. By integrating multiple modalities, these systems can compensate for the degradation of a single signal source under certain conditions, enhancing overall recognition performance and fault tolerance [13,14,15]. Fusion techniques can be applied at different levels such as sensors, features, scores, and decisions to improve accuracy and reduce vulnerability to spoofing and environmental noise [16,17,18]. Together, these approaches contribute to building more resilient and reliable biometric authentication systems suitable for real-world dynamic user environments.
To address the challenges outlined above, this paper proposes a user authentication system that leverages the characteristics of graph neural networks (GNNs) to maintain high accuracy while adapting to changes in the user context. GNNs are well-suited to processing non-Euclidean and irregular data structures, enabling the modeling of spatial and temporal dependencies through their networked architecture [19,20,21,22,23,24]. These features make them particularly effective at recognizing complex and dynamic patterns. The contributions of this study can be summarized as follows:
  • A novel application of GNNs for EMG-based user authentication is proposed, enabling robust modeling of temporal and spatial dependencies in biosignal data.
  • The proposed GNN model demonstrates strong long-term generalization, maintaining performance even under fluctuating physiological and psychological conditions.
  • An EMG dataset collected across multiple sessions over several months is constructed and utilized, providing a realistic evaluation of authentication performance under diverse conditions.
  • The adaptability of the proposed system to nonstationary user states is analyzed, highlighting its potential for real-world deployment.
These contributions highlight the novelty and practical significance of this work, positioning it as a step toward more reliable biosignal-based authentication systems.
Furthermore, GNNs can process multiple input nodes simultaneously, enabling the integration and analysis of diverse biometric signals such as ECG, EEG, or PPG in a unified framework [25,26]. This multi-signal fusion facilitates a more comprehensive understanding of user identity and contributes to the maintenance of high accuracy, even under fluctuating environmental or physiological conditions. By exploiting these strengths, the proposed system aims to provide a more resilient and adaptive biometric authentication framework that can operate reliably in real-world dynamic settings.
While a wide range of biometric modalities such as facial recognition, iris scanning, and palm vein identification are commonly employed in biometric signal research, this study focused on the use of EMG signals. EMG data, which measure the electrical activity generated by muscle contractions, are characterized by significant inter-user variability and temporal instability. These properties make EMG one of the most difficult physiological signals to use for obtaining consistently accurate authentication results.
This study utilized EMG datasets collected from the same users at different times of the day and over several months, enabling the evaluation of authentication performance under diverse and realistic conditions. By examining the performance of authentication models under varying physiological states and environmental contexts, this study explored the feasibility and reliability of EMG-based biometric systems. Furthermore, various test environments were constructed to assess the adaptability of the system to real-time physiological changes, including fluctuations in the users’ health conditions, stress levels, and fatigue, all of which can significantly influence EMG signals. A GNN-based approach was designed to process these dynamically changing signals, offering a means of capturing both the spatial and temporal dependencies inherent in the data. The GNN model enables adaptive learning from complex patterns, thereby improving authentication performance under nonstationary conditions. All the experiments conducted in this study were implemented using the PyTorch framework (version 2.4.1), which supports efficient model training and evaluation with high flexibility and scalability.
The remainder of this paper is organized as follows. Section 2 describes the construction of the EMG dataset, details of data collection, and preprocessing methods. Section 3 introduces the structure and training method of the GNN, which forms the core of this study and explains the theoretical background of how the GNN addresses the user authentication problem. Section 4 summarizes the experimental results and evaluates the performance of the proposed method by comparing it with existing biometric authentication systems. Finally, Section 5 concludes this paper and discusses future research directions and potential improvements.

2. Dataset

2.1. Chosun University’s EMG Dataset

In this study, a user authentication system was developed using EMG signals. EMG signals measure the electrical activity of muscles and contain physiological data that provide distinct features for user authentication. Signal acquisition was performed on users’ forearms and variations in EMG signals were analyzed under different conditions relative to the baseline state. The EMG signal was sampled at a rate of 2000 Hz, generating 8000 data points over 4 s, and fist clenching was repeated twice over the 4 s interval. Assuming a wearable environment, the EMG signals were measured using three electrodes in a single channel. The electrodes were placed in a bipolar configuration, with two electrodes positioned over the target muscle to detect differential signals and the third serving as the reference (ground) electrode. Experiments were conducted on seven participants under various conditions to collect diverse EMG data. First, reference data were collected from each user in a relaxed state, representing typical EMG signals when the user was neither physically nor mentally stimulated.
Unlike publicly available EMG datasets, which are primarily designed for motion classification tasks, the dataset used in this study was exclusively collected for user authentication under specific sensor configurations and controlled environments. As a result, direct comparison with open datasets is limited. Instead, cross-validation was employed across multiple users and sessions to evaluate the generalization capability of the proposed model. In addition, performance metrics reported in prior studies under comparable experimental settings were consulted to provide a relative assessment of the proposed method.
Subsequently, to examine how the EMG signals changed under different circumstances, data were collected immediately after physical exercise (fatigue). Because physical activity induces changes in muscular activity, the resulting differences in EMG signals were analyzed to understand their impact on authentication performance. Additionally, EMG signals were measured under stress conditions such as those that may occur after extended study periods. Stress can influence muscle tension and physiological responses, making it a relevant factor for evaluating the adaptability of authentication systems. EMG data were also collected after the participants listened to music, as music can relax the body or induce specific emotional responses, potentially affecting EMG signals. This condition was included to investigate how emotional or physiological changes might impact signal patterns.
The experiments were repeated multiple times. For each participant, three additional recording sessions were performed at one-month intervals. This longitudinal data collection allowed for the analysis of temporal variations in the EMG signals. These diverse measurement conditions provided critical data for assessing how well the proposed authentication system can accommodate long-term changes in users’ biometric signals.
The data collected in this study were labeled based on whether the samples originated from the same user or different users. Samples from the same user were labeled as “1,” whereas those from different users were labeled as “0.” Although individual physiological differences and environmental factors were considered, multiclass classification was not performed for each measurement session. Instead, the focus was solely on distinguishing between same-user and different-user samples. This binary labeling approach was adopted to evaluate the fundamental performance of the proposed user authentication system based on EMG signals.
Based on this setup, data collected at the initial time point, as well as one and two months later, were used to train the authentication models. The dataset collected three months later was used exclusively for testing to evaluate the robustness and adaptability of the system over time. Including EMG data collected under stress conditions during the training process can significantly improve authentication accuracy. When models are trained solely on data from calm or relaxed states, their performance tends to degrade under stress because of physiological variations that alter EMG signal patterns. However, by exposing the model to a broader range of conditions, including both relaxed and stressed states, it can learn to generalize across varying physiological states, leading to increased robustness and reliability of the authentication system, even in non-ideal or emotionally elevated situations [27]. In summary, 75% of the measured data were used for training and the remaining 25% of data (acquired three months later) were used for testing.
Normalization was applied to the measured EMG data such that they had a mean of zero and a standard deviation of one. Figure 1 compares the fast Fourier transform (FFT) results of the reference EMG data with those of the signal variations observed over time and after physical exercise (fatigue) for the same user. Although the temporal changes in the EMG signals were relatively minor, the stress conditions caused a slight decrease in the median frequency of the FFT spectrum. The observed decrease in the median frequency of the FFT spectrum following physical exercise is attributed to reduced muscle responsiveness, which can occur as a physiological consequence of muscular fatigue [28].
Although it would have been beneficial to construct a more extensive dataset, the nature of the experiment imposed limitations on long-term data collection. In future studies, it will be important to include a larger number of participants and collect data under more diverse environmental conditions to enhance the dataset further. The current dataset includes measurements collected from seven subjects under various conditions.

2.2. Feature Extraction in the Time–Frequency Domain

In this study, a detailed analysis was conducted on approximately 8000 data points, corresponding to a 4 s segment of EMG signals. The collected raw data were first normalized and then processed using empirical mode decomposition (EMD) to extract features in the time–frequency domain. As a result of this decomposition, each signal was divided into five distinct components known as intrinsic mode functions (IMFs), each capturing the unique frequency characteristics inherent in the original signal [29].
EMD is a fully data-driven and adaptive signal decomposition technique that is particularly well-suited for analyzing nonlinear and nonstationary signals such as EMG. Unlike traditional frequency analysis methods such as the FFT or continuous wavelet transform, EMD does not require predefined basis functions or assumptions regarding the structure of the signal, enabling it to follow the local oscillatory behavior of the data adaptively. The resulting IMFs preserve both time and frequency information, allowing for a more localized and interpretable representation of complex signal dynamics. Furthermore, EMD is robust against noise and does not require extensive parameter tuning, making it a highly effective tool for real-world biomedical applications. In this study, the use of EMD led to an approximately 1% improvement in classification accuracy compared with conventional methods.
To enhance the precision of analysis and mitigate the effects of noise further, a sliding-window smoothing technique was applied. Specifically, a moving average over four consecutive data points was used to smooth the signal and reduce noise, while preserving the essential features relevant to user authentication. Consequently, the time series inputted into the GNN consisted of 2000 time steps and five channels. To perform user authentication, a dataset was constructed with paired inputs and fed into a GNN, which was implemented as a Siamese network [30]. From a user authentication perspective, a Siamese network is advantageous because it learns to measure the similarity between input pairs, enabling robust identification even with limited input data. For labeling, one-hot encoding was applied ([0, 1] for samples from the same individual (class 1) and [1, 0] for samples from different individuals (class 0)). The dataset was balanced such that class-zero and class-one samples were represented equally, ensuring unbiased training.

3. Graph Neural Network

GNNs are a class of neural networks designed to process graph-structured data directly. Unlike traditional neural networks that operate on Euclidean data such as images or sequences, GNNs can capture complex relationships and dependencies between nodes by leveraging graph topology. This capability makes GNNs particularly effective for applications involving social networks, molecular structures, and other data that are naturally represented as graphs.
Graph convolutional network convolution (GCNConv) is a widely used type of graph convolutional layer that generalizes the concept of convolution from grid-structured data to graphs [31]. It aggregates feature information from a node’s neighbors in the graph, enabling the network to learn local patterns and node representations that incorporate both node features and graph connectivity. This operation facilitates effective learning on graph data by considering both node attributes and the graph structure. GCNConv is particularly well-suited for processing structured non-Euclidean data such as graphs derived from biometric signals, where spatial or temporal relationships can be encoded in the form of edges.
The GCNConv layer updates each node’s representation by aggregating its neighboring node features, which are then combined with the features of the target node. The graph structure is encoded in an adjacency matrix and aggregation is normalized to account for variations in the node degree, thereby improving training stability and ensuring a balanced influence among neighbors. The aggregated features are passed through learnable weight matrices and nonlinear activation functions, resulting in expressive node embeddings. One of the key strengths of GCNConv is its ability to integrate the structural context during training, allowing the model to learn from both the individual characteristics of each node and interactions between connected nodes. This property is particularly valuable in graph-based tasks such as node classification, link prediction, and graph classification. Despite its relatively simple computational structure, GCNConv provides strong representational capacity with few parameters and a low risk of overfitting, making it applicable to a wide range of datasets.
In this study, a graph was constructed using a fixed k-nearest neighbors (k-NN) approach, rather than dynamically computing edges based on data similarity. Although this method does not fully capture semantic or adaptive relationships, it preserves the core functionality of GCNConv by providing a consistent local neighborhood for each node, enabling effective feature propagation across graph structures. This approach is particularly effective for modeling time series EMG signals, where the relationships between signal channels or segments can be encoded in graph topology. The choice of a fixed k-NN graph ensures a consistent structure across samples and significantly reduces computational overhead, thereby providing a practical balance between efficiency and representational power. Although this approach may limit the expressiveness of the graph compared with data-driven or learned edge construction methods, the use of GCNConv still allows the network to leverage the local connectivity and structural patterns essential for robust user authentication.
Despite these advantages, GCNConv has certain limitations. One of the most well-known issues is over-smoothing, which occurs as the number of layers increases. In this phenomenon, node representations become increasingly similar across network layers, eventually leading to the loss of distinctive features and convergence toward average representations. Additionally, GCNConv treats all neighboring nodes with equal importance, making it difficult to reflect the differences in the influence of individual neighbors during learning. Consequently, its performance may be limited when applied to graphs with complex structures or non-uniform node influences. Furthermore, for large-scale graphs, adjacency-matrix-based operations can become computationally intensive, raising challenges related to efficiency and memory usage. Regardless, GCNConv remains a powerful and widely applicable tool for graph-based data analysis owing to its simple structure and intuitive operation. To address structural limitations and scalability issues, ongoing research has yielded various improvements [32].
In this study, the GCNConv layer was implemented using a residual architecture to preserve the original input features during propagation, and the overall network was structured as a Siamese architecture. This allows the model to embed paired input data using GCNConv layers and perform user authentication based on the Euclidean distances between the resulting embeddings. To enhance generalization performance, batch normalization and dropout were applied within the GCN layers with a dropout rate of 0.5. In this case, a two-layer GCNConv architecture was employed, and the number of time steps was fixed at 2000. Two additional convolution layers were added to reduce the overall computational load. To reduce the temporal dimensions of the input, two one-dimensional convolutional layers (Conv1D) were applied sequentially. The number of time steps was reduced from 2000 to 199 in the first layer and further to 19 in the second layer according to the following convolutional output size formula:
L o u t = L i n + 2 P K S + 1
where Lin is the input length, K is the kernel size, S is the stride, P is the padding, and Lout is the output length. By incorporating additional Conv1D layers, the model achieves a substantial reduction in both the number of parameters and computational complexity, and enables more efficient feature vector fusion. All network components were implemented using the PyTorch framework. Figure 2 illustrates the overall architecture of the proposed neural network used for user authentication based on paired EMG data inputs.
For the edge construction used in the GCNConv operations, the k-NN algorithm was employed to ensure consistency in the edge index across all samples. The value of k was fixed at five, allowing the use of a uniform edge index structure throughout training and inference. The k-NN algorithm constructs edges by identifying the k nearest neighbors to each node (or data point) based on a distance metric. This method enables the transformation of unstructured data or samples distributed in continuous spaces into graph structures that capture underlying relationships.
A key feature of the k-NN algorithm is its ability to generate meaningful graph topologies, even when explicit relational information is absent. By leveraging the similarity or proximity between data points, the k-NN algorithm creates edges that reflect the local structure of the data. This approach is particularly advantageous for time-continuous sensor data, image pixel values, and high-dimensional feature spaces, where the nearest neighbors can help define edge indices that naturally encode spatial or temporal relationships. In such cases, the k-NN-based edge index plays a crucial role in establishing message-passing paths that are essential for GNN operations.
This approach has several advantages. First, it enables consistent edge structures across different data samples, as long as the relative similarity or distance patterns are preserved. This consistency contributes to stable training and improved generalization performance. Second, k-NN is highly flexible and can be applied to irregular input data that do not conform to regular grids. This algorithm automatically identifies local neighborhoods, allowing the construction of graph structures for a wide range of data types. Third, it is computationally efficient and easy to implement using techniques such as the KD-tree, ball tree, or brute-force search. When the graph is pre-computed and remains static, the additional computational cost during training is negligible.
Furthermore, this method emphasizes the local structure of data by connecting each node to its nearest neighbors, facilitating the preservation of local context during the message-passing process, which is beneficial for noise suppression and overfitting mitigation in GCNConv and other GNN layers. However, this approach has some limitations that must be considered. Notably, model performance can be sensitive to the choice of k, which may require empirical tuning or domain-specific knowledge for an appropriate selection.
In summary, constructing an edge index using the k-NN algorithm provides a practical and efficient method of structuring unstructured or high-dimensional data into graphs. This approach enables robust and flexible input representations for GNN-based models and supports stable localized learning in graph convolution operations.
While preserving data characteristics, hyperparameter optimization was performed using PyTorch to reduce computational complexity. Through this process, the total number of parameters was reduced. Although the proposed network consists of only 23,592 trainable parameters, it leverages GCNConv layers, which effectively capture the structural information of the graph by aggregating neighborhood features. In this study, a fixed k-NN algorithm was used to construct a consistent and stable edge index for the graph, enabling the model to maintain a uniform graph structure across different inputs. This approach allows expressive representation learning, even with a small model footprint, making it suitable for resource-constrained environments such as real-time user authentication systems or embedded devices.
However, despite the use of fixed k-NN graphs to simplify the graph construction process, the GCNConv layers still introduce certain computational challenges. The message-passing mechanism and sparse matrix multiplications inherent in GCNConv operations can lead to substantial computational overhead, particularly as the number of nodes or graph complexity increases. While the fixed k-NN approach helps maintain consistent edge connectivity and can improve batching efficiency compared with dynamically computed graphs, the irregular nature of graph data poses challenges in terms of memory consumption and computational cost compared with traditional convolutional neural networks (CNNs).
In summary, the proposed architecture benefits from the compact parameterization and strong structural awareness provided by GCNConv layers combined with fixed k-NN graph construction. This balance helps ensure efficient and scalable performance; however, careful optimization of both the network design and graph construction remains essential for deployment in real-world resource-limited settings.
To maximize generalization performance during the training process, additional techniques such as the sharpness-aware minimization (SAM) algorithm, k-fold cross-validation, and threshold shift method were employed [33,34]. Unlike conventional loss minimization approaches, SAM is an advanced optimization technique that aims to find flat minima by considering the geometry of the loss landscape around the model parameters. Rather than simply reducing the loss value at the current parameter point, SAM encourages the model to learn such that the loss remains stable in the vicinity of these parameters. This approach provides improved generalization performance, even when tested on unseen data or under domain shifts.
Traditional gradient-descent-based optimizers tend to converge to sharp local minima, where small changes in parameter values can lead to large increases in loss. Although such minima may offer high performance on the training dataset, they are often sensitive to new data and prone to overfitting. In contrast, SAM explicitly considers the sharpness of the loss surface and updates the parameters in a direction that leads to a smoother loss landscape, resulting in model parameters that perform robustly under a wide range of conditions.
SAM operates in two steps. First, it identifies the point within a neighborhood of the current parameters that maximizes the loss value and then updates the parameters to minimize the loss at that worst-case point. This procedure can be understood as a form of worst-case-aware training, which enhances the robustness of the model to diverse data distributions. Mathematically, SAM minimizes the local sharpness of the loss function, thereby guiding the model toward more generalizable representations.
The adoption of SAM helps reduce sensitivity, even in complex graph structures or noisy data, thereby enabling stable representation learning. When combined with models such as GCNConv, which aggregate structural information, SAM facilitates the more robust integration of signals from neighboring nodes. In summary, SAM is a strategic optimization method that balances loss minimization and loss surface flatness, preventing the model from overfitting the training data and ensuring strong predictive performance in unseen or varying environments. In this study, SAM was employed to improve the training stability and generalization ability of a graph-based model simultaneously.
To enhance the reliability and robustness of the training process, 10-fold cross-validation was employed with a batch size of 64. The k-fold cross-validation technique is widely used to estimate model performance, particularly when the dataset size is limited. By partitioning the data into k equally sized folds and iteratively training the model on k − 1 folds while validating the remaining folds, this method ensures that each data point is used for both training and validation, which not only reduces the risk of overfitting but also provides a more comprehensive evaluation of the generalization ability of the model.
The use of 10 folds strikes a practical balance between computational efficiency and statistical reliability, while a batch size of 64 provides stable training dynamics without requiring GPU acceleration. When applied in conjunction with the GCNConv network, k-fold cross-validation further supports the model’s ability to generalize across different graph structures. Because GCNConv aggregates information from neighboring nodes, variations in the graph topology or local node connectivity can lead to diverse learning dynamics. Cross-validation helps mitigate this issue by exposing the model to a broader variety of training–validation splits, thereby encouraging robustness in structural representation learning. Overall, the combination of 10-fold cross-validation and GCNConv provides a strong foundation for stable and generalizable performance across complex graph-based datasets, even in CPU-only training environments.
The SAM algorithm showed minimal contribution in terms of training accuracy but yielded an improvement of approximately 1–2% in generalization performance, particularly when evaluated on test data collected three months later. In contrast, k-fold cross-validation did not result in a direct performance gain; however, it is expected to contribute to training stability, particularly in cases where the dataset size is limited.
Additionally, this study incorporated the threshold shift technique to adjust the interpretation of model outputs flexibly and optimize classification performance according to real-world application requirements. Given that user authentication is typically performed over extended periods, the system is designed to allow the adaptive adjustment of the classification threshold if authentication performance degrades over time. Specifically, in scenarios where accuracy declines after several months, the decision threshold can be shifted to maintain reliable performance. Although the accuracy improvement achieved through threshold adjustment over a three-month interval was relatively small (approximately 0.4–0.5%), this technique is expected to become more effective over longer timespans.
Threshold shift is a technique that enables more precise control over the tradeoff between sensitivity and specificity by dynamically adjusting the classification threshold, rather than applying a fixed cutoff value. In standard binary classification, outputs with a predicted probability of 0.5 or higher are typically classified as positive, while those below this probability are classified as negative. However, this approach does not adequately reflect class imbalances or application-specific requirements. For example, in domains such as medical diagnosis, anomaly detection, and security, false negatives can incur high costs, making it critical to prioritize higher sensitivity. In such cases, reducing the threshold to below 0.5 increases sensitivity at the expense of a higher false positive rate. Conversely, in applications where specificity is more important, increasing the threshold allows for more conservative predictions.
In this study, the optimal threshold was identified based on performance metrics such as the false positive rate and true positive rate on the validation dataset. This approach enhances both the reliability of the prediction results and their suitability for real-world applications.
Figure 3 illustrates the number of trainable parameters used in each layer of the model. A total of 23,592 parameters were used, with the largest portion concentrated in the dense bottom layer. Although the GCNConv layers contain relatively few parameters, they involve a significantly higher computational load because of the nature of graph-based operations.

4. Comparison Results

To evaluate the performance improvement achieved by the proposed model compared with baseline approaches, two key aspects were considered. First, the user authentication performance of each model was assessed under various physiological and psychological conditions. Specifically, data collected at the initial time, and one and two months later were used for training. These datasets included EMG signals recorded in diverse user conditions such as a stable resting state, post-physical-exercise fatigue, post-study mental stress, and post-relaxation states (e.g., after listening to music). By incorporating such variations, the experiment investigated how well each model could internalize and adapt to fluctuations in user states, which are common in real-world authentication scenarios. Second, the generalization capability of the models was evaluated using a new dataset collected three months after the initial time. This temporal shift provided an opportunity to evaluate the ability of the model to handle domain drift and long-term variability in user-specific biometric signals. For this comparison, two existing EMG-based user authentication models, one based on a Siamese neural network combined with a CNN and the other combining a CNN with long short-term memory (LSTM), were implemented and evaluated on the same dataset to ensure consistency [35,36]. For the CNN model, instead of focusing on a lightweight architecture, the CNN structure proposed in the CNN + LSTM model was adopted and implemented. For the GNN, a moving average was applied to reduce the number of input nodes to one-fourth, managing computational complexity and maintaining generalization performance, whereas for the CNN and CNN + LSTM models, the full 8000 time steps were used without any modification. The baseline comparison models were chosen from small-scale neural networks rather than large-scale ones, in order to better reflect the constraints of wearable environments.
Figure 4 presents the confusion matrices of the CNN, CNN + LSTM, and proposed GNN models evaluated on the training data. A confusion matrix is a performance evaluation tool that summarizes the classification results by comparing the predicted labels on the x axis with the actual (real) labels on the y axis. In this case, the confusion matrix is presented in the form of percentages for comparison. For the CNN model, 21,692 parameters were used, including 21,500 trainable parameters. In the case of the CNN + LSTM model, 17,268 parameters were used, of which 17,076 were trained. Because the target application of user authentication is a wearable environment, compact neural network architectures were used as baselines. Performance metrics such as accuracy, recall, precision, and F1 score, are summarized in Table 1. The results clearly indicate that both the CNN and CNN + LSTM models struggled to authenticate users accurately across the various states included in the training data, suggesting that these models failed to extract robust and consistent features under dynamic user conditions, leading to poor interclass discrimination and identity verification. In contrast, the proposed GNN model demonstrated a substantially higher classification accuracy (98.8%), indicating its superior capacity to generalize over heterogeneous input conditions. This performance gain is attributable not only to the inherent graph-based representation power of GNNs but also to the use of optimization techniques such as SAM and k-fold cross-validation, which helped reinforce the model’s generalization during training.
The same evaluation procedure was applied to the dataset collected three months after the initial session (Figure 5). In this scenario, the CNN and CNN + LSTM models exhibited a marked decline in performance, underscoring their limited adaptability to the evolving biometric patterns of the same user. This performance degradation implies that the feature representations learned by these models lack temporal robustness (Table 2). Additionally, compared with the CNN model, the CNN + LSTM model demonstrated better adaptability to temporal variations and previously unseen data, which is likely attributable to the inherent ability of LSTM to retain and process sequential temporal information, enabling the more effective learning of time-dependent changes in biosignals. In contrast, the GNN model maintained performance levels comparable to those observed during training, suggesting strong generalization and temporal resilience. This result highlights the robustness of the model in terms of both intersession variability and real-world fluctuations in user states and environments. For the proposed GNN model, the accuracy on the training data was 98.8% and it maintained a high accuracy of 98.5% on the testing data collected three months later. Additionally, when defining instances involving the same individual as a positive, there is a tendency for all neural network models to exhibit an increased rate of false positives, where the predicted label indicates the same user despite the actual label corresponding to a different individual. This issue is particularly critical from a security perspective in user authentication systems and strategies to mitigate such false positives are critical.
Overall, these findings demonstrate the effectiveness of the proposed GNN-based approach for long-term state-resilient user authentication using EMG signals. The ability of the model to generalize across time and adapt to dynamic physiological conditions makes it a strong candidate for practical deployment in continuous biometric authentication systems. However, achieving >99% accuracy remains challenging. To overcome this limitation, additional network modules or multimodal architectures that incorporate additional biosignals may be required. Based on the current results, even with the use of the GNN model, constructing a fully reliable user authentication system using only EMG signals under diverse conditions may still be infeasible.

5. Conclusions and Discussion

Conventional biosignal-based models demonstrate relatively high accuracy in user authentication under stable conditions. However, their limited ability to adapt to temporal variations and diverse physiological or psychological states poses challenges for their practical deployment. To address these limitations, a GNN-based approach was introduced to model the dynamic nature of biosignal patterns and enhance adaptability across various user states.
The proposed method employs a GCNConv architecture with edge indices constructed using a fixed k-NN algorithm. During the training process, SAM, k-fold cross-validation, and a threshold shift technique were incorporated to improve model robustness and generalization. Authentication performance was evaluated across distinct conditions in a stable resting state, after physical exercise, following mental stress induced by study, and after meditation activities such as listening to music. EMG signals were collected from seven users at four different time points: initial, one month later, two months later, and three months later. The model achieved an accuracy of 98.8% on the training data, which included measurements from the initial session, as well as from one and two months later. When tested on the data collected three months later, which had not been used during training, the model maintained a high accuracy of 98.5%, demonstrating effective long-term generalization.
In summary, this study demonstrates that GNNs can effectively capture the temporal and contextual dynamics of EMG signals, thereby offering a robust and adaptable framework for user authentication. The novelty of this work lies in the application of graph-based modeling to biosignal authentication, which enables the system to adapt to diverse and evolving user states over extended periods. The key contribution is the demonstration of long-term generalization with high accuracy, even under varying physical and psychological conditions, achieving results that are consistently close to the 99% benchmark.
From a practical perspective, the findings suggest that GNN-based user authentication has strong potential for real-world deployment, where users inevitably experience dynamic physiological and psychological variations. Nevertheless, challenges remain, including the difficulty of consistently exceeding 99% accuracy and the need to ensure scalability for larger populations. Future improvements may include refinement of the neural network architecture, the integration of multimodal biosignals, and the development of adaptive algorithms that account for signal variability. Additionally, analyzing misclassification cases in detail will provide insights for enhancing system reliability and robustness. Overall, this work contributes a novel and practical direction toward the realization of commercially viable biosignal-based authentication systems.

Funding

This study was supported by a research fund from Chosun University (2025).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The datasets presented in this article are not readily available because they are part of an ongoing study. Requests to access the datasets should be directed to [Hyun-Sik Choi/hs22.choi@chosun.ac.kr].

Conflicts of Interest

The author declares no conflicts of interest.

References

  1. Zheng, X.X.; Taha, B.; Rahman, M.M.U.; Masood, M.; Hatzinakos, D.; Al-Naffouri, T. Multimodal biometric authentication using camera-based PPG and fingerprint fusion. Pattern Recognit. Lett. 2025, 197, 1–7. [Google Scholar] [CrossRef]
  2. Beyrouthy, T.; Mostafa, N.; Roshdy, A.; Karar, A.S.; Alkork, S. Review of EEG-based biometrics in 5G-IoT: Current trends and future prospects. Appl. Sci. 2024, 14, 534. [Google Scholar] [CrossRef]
  3. Melzi, P.; Tolosana, R.; Vera-Rodriguez, R. ECG biometric recognition: Review, system proposal, and benchmark evaluation. IEEE Access 2023, 11, 15555–15566. [Google Scholar] [CrossRef]
  4. Cherry, A.; Nasser, A.; Salameh, W.; Abou Ali, M.; Hajj-Hassan, M. Real-Time PPG-Based Biometric Identification: Advancing Security with 2D Gram Matrices and Deep Learning Models. Sensors 2024, 25, 40. [Google Scholar] [CrossRef]
  5. Hu, Q.; Sarmadi, A.; Gulati, P.; Krishnamurthy, P.; Khorrami, F.; Atashzar, S.F. X-myonet: Biometric identification using deep processing of dynamic surface electromyography. IEEE Trans. Instrum. Meas. 2024, 73, 1–13. [Google Scholar] [CrossRef]
  6. Zhu, T.; Weng, Z.; Chen, G.; Fu, L. A hybrid deep learning system for real-world mobile user authentication using motion sensors. Sensors 2020, 20, 3876. [Google Scholar] [CrossRef]
  7. Lee, J.; Kim, M.; Park, H.K.; Kim, I.Y. Motion artifact reduction in wearable photoplethysmography based on multi-channel sensors with multiple wavelengths. Sensors 2020, 20, 1493. [Google Scholar] [CrossRef]
  8. Ganiga, R.; SN, M.; Choi, W.; Pan, S. ResNet1D-Based Personal Identification with Multi-Session Surface Electromyography for Electronic Health Record Integration. Sensors 2024, 24, 3140. [Google Scholar] [CrossRef]
  9. Baek, S.; Kim, J.; Yu, H.; Yang, G.; Sohn, I.; Cho, Y.; Park, C. Intelligent feature selection for ECG-based personal authentication using deep reinforcement learning. Sensors 2023, 23, 1230. [Google Scholar] [CrossRef]
  10. Aleidan, A.A.; Abbas, Q.; Daadaa, Y.; Qureshi, I.; Perumal, G.; Ibrahim, M.E.; Ahmed, A.E. Biometric-based human identification using ensemble-based technique and ECG signals. Appl. Sci. 2023, 13, 9454. [Google Scholar] [CrossRef]
  11. Sancho, J.; Alesanco, Á.; García, J. Biometric authentication using the PPG: A long-term feasibility study. Sensors 2018, 18, 1525. [Google Scholar] [CrossRef]
  12. Kumar, D.; Peimankar, A.; Sharma, K.; Domínguez, H.; Puthusserypady, S.; Bardram, J.E. Deepaware: A hybrid deep learning and context-aware heuristics-based model for atrial fibrillation detection. Comput. Methods Programs Biomed. 2022, 221, 106899. [Google Scholar] [CrossRef]
  13. Zehir, H.; Hafs, T.; Daas, S. Unifying Heartbeats and Vocal Waves: An Approach to Multimodal Biometric Identification At the Score Level. Arab. J. Sci. Eng. 2025, 1, 1–20. [Google Scholar] [CrossRef]
  14. Ahamed, F.; Farid, F.; Suleiman, B.; Jan, Z.; Wahsheh, L.A.; Shahrestani, S. An intelligent multimodal biometric authentication model for personalised healthcare services. Future Internet 2022, 14, 222. [Google Scholar] [CrossRef]
  15. Che, Y.; Du, L.; Tang, G.; Ling, S. A Biometric Identification for Multi-Modal Biomedical Signals in Geriatric Care. Sensors 2024, 24, 6558. [Google Scholar] [CrossRef] [PubMed]
  16. Dargan, S.; Kumar, M. A comprehensive survey on the biometric recognition systems based on physiological and behavioral modalities. Expert Syst. Appl. 2020, 143, 113114. [Google Scholar] [CrossRef]
  17. Safavipour, M.H.; Doostari, M.A.; Sadjedi, H. Deep Hybrid Multimodal Biometric Recognition System Based on Features-Level Deep Fusion of Five Biometric Traits. Comput. Intell. Neurosci. 2023, 1, 6443786. [Google Scholar] [CrossRef]
  18. Dwivedi, R.; Dey, S. A novel hybrid score level and decision level fusion scheme for cancelable multi-biometric verification. Appl. Intell. 2019, 49, 1016–1035. [Google Scholar] [CrossRef]
  19. Al Alfi, M.; Peris-Lopez, P.; Camara, C. Enhancing biometric identification using 12-lead ECG signals and graph convolutional networks. Front. Digit. Health 2025, 7, 1547208. [Google Scholar] [CrossRef]
  20. Huang, S.; Xiang, H.; Leng, C.; Xiao, F. Cross-Social-Network User Identification Based on Bidirectional GCN and MNF-UI Models. Electronics 2024, 13, 2351. [Google Scholar] [CrossRef]
  21. Zhang, Y. Graph Neural Network-Based User Preference Model for Social Network Access Control. Informatica 2025, 49, 21–36. [Google Scholar] [CrossRef]
  22. He, X.; Liu, Q.; Yang, Y. MV-GNN: Multi-view graph neural network for compression artifacts reduction. IEEE Trans. Image Process. 2020, 29, 6829–6840. [Google Scholar] [CrossRef]
  23. Dong, G.; Tang, M.; Wang, Z.; Gao, J.; Guo, S.; Cai, L.; Gutierrez, R.; Campbel, B.; Barnes, L.E.; Boukhechba, M. Graph neural networks in IoT: A survey. ACM Trans. Sens. Netw. 2023, 19, 1–50. [Google Scholar] [CrossRef]
  24. Yu, F.; Fang, Y.; Zhao, Z.; Bei, J.; Ren, T.; Wu, G. CAGNet: A context-aware graph neural network for detecting social relationships in videos. Vis. Intell. 2024, 2, 22. [Google Scholar] [CrossRef]
  25. Lakhan, P.; Banluesombatkul, N.; Sricom, N.; Sawangjai, P.; Sangnark, S.; Yagi, T.; Wilaiprasitporn, T.; Saengmolee, W.; Limpiti, T. EEG-BBNet: A hybrid framework for brain biometric using graph connectivity. IEEE Sens. Lett. 2024, 9, 6001904. [Google Scholar] [CrossRef]
  26. Wierciński, T.; Rock, M.; Zwierzycki, R.; Zawadzka, T.; Zawadzki, M. Emotion recognition from physiological channels using graph neural network. Sensors 2022, 22, 2980. [Google Scholar] [CrossRef] [PubMed]
  27. Kim, J.S.; Song, C.H.; Bak, E.; Pan, S.B. Multi-Session Surface Electromyogram Signal Database for Personal Identification. Sustainability 2022, 14, 5739. [Google Scholar] [CrossRef]
  28. Hsu, L.I.; Lim, K.W.; Lai, Y.H.; Chen, C.S.; Chou, L.W. Effects of muscle fatigue and recovery on the neuromuscular network after an intermittent handgrip fatigue task: Spectral analysis of electroencephalography and electromyography signals. Sensors 2023, 23, 2440. [Google Scholar] [CrossRef] [PubMed]
  29. Centeno-Bautista, M.A.; Rangel-Rodriguez, A.H.; Perez-Sanchez, A.V.; Amezquita-Sanchez, J.P.; Granados-Lieberman, D.; Valtierra-Rodriguez, M. Electrocardiogram analysis by means of empirical mode decomposition-based methods and convolutional neural networks for sudden cardiac death detection. Appl. Sci. 2023, 13, 3569. [Google Scholar] [CrossRef]
  30. Kudisthalert, W.; Pasupa, K.; Morales, A.; Fierrez, J. SELM: Siamese extreme learning machine with application to face biometrics. Neural Comput. Appl. 2022, 34, 12143–12157. [Google Scholar] [CrossRef]
  31. Wu, Z.; Pan, S.; Chen, F.; Long, G.; Zhang, C.; Yu, P.S. A comprehensive survey on graph neural networks. IEEE Trans. Neural Netw. Learn. Syst. 2020, 32, 4–24. [Google Scholar] [CrossRef] [PubMed]
  32. Ullah, I.; Manzo, M.; Shah, M.; Madden, M.G. Graph convolutional networks: Analysis, improvements and results. Appl. Intell. 2022, 52, 9033–9044. [Google Scholar] [CrossRef]
  33. Wen, K.; Li, Z.; Ma, T. Sharpness minimization algorithms do not only minimize sharpness to achieve better generalization. Adv. Neural Inf. Process. Syst. 2023, 36, 1024–1035. [Google Scholar]
  34. Wong, T.T. Performance evaluation of classification algorithms by k-fold and leave-one-out cross validation. Pattern Recognit. 2015, 48, 2839–2846. [Google Scholar] [CrossRef]
  35. Choi, H.S. Siamese Neural Network for User Authentication in Field-Programmable Gate Arrays (FPGAs) for Wearable Applications. Electronics 2023, 12, 4030. [Google Scholar] [CrossRef]
  36. Choi, H.S. Simple Siamese Model with Long Short-Term Memory for User Authentication with Field-Programmable Gate Arrays. Electronics 2024, 13, 2584. [Google Scholar] [CrossRef]
Figure 1. FFT results of (a) reference EMG signals, (b) signals measured one month later, (c) signals measured two months later, and (d) signals measured after physical exercise.
Figure 1. FFT results of (a) reference EMG signals, (b) signals measured one month later, (c) signals measured two months later, and (d) signals measured after physical exercise.
Electronics 14 03570 g001
Figure 2. Structure of the proposed neural network for user authentication.
Figure 2. Structure of the proposed neural network for user authentication.
Electronics 14 03570 g002
Figure 3. Overall trainable model parameters for user authentication.
Figure 3. Overall trainable model parameters for user authentication.
Electronics 14 03570 g003
Figure 4. Confusion matrix for user authentication using the (a) CNN model, (b) CNN + LSM model, and (c) proposed GNN model in the training phase.
Figure 4. Confusion matrix for user authentication using the (a) CNN model, (b) CNN + LSM model, and (c) proposed GNN model in the training phase.
Electronics 14 03570 g004
Figure 5. Confusion matrix for user authentication using the (a) CNN model, (b) CNN + LSTM model, and (c) proposed GNN model based on measurement data collected three months later.
Figure 5. Confusion matrix for user authentication using the (a) CNN model, (b) CNN + LSTM model, and (c) proposed GNN model based on measurement data collected three months later.
Electronics 14 03570 g005
Table 1. Comparison of model accuracy for user authentication on the training dataset.
Table 1. Comparison of model accuracy for user authentication on the training dataset.
CategoryReference [35]Reference [36]This Paper
Neural networkCNNCNN + LSTMGNN
Accuracy0.9790.9810.988
Recall0.9940.9870.996
Precision0.960.9760.980
F1 score0.9790.9810.988
Table 2. Comparison of model accuracy for user authentication using measurement data collected three months later.
Table 2. Comparison of model accuracy for user authentication using measurement data collected three months later.
CategoryReference [35]Reference [36]This Paper
Neural networkCNNCNN + LSTMGNN
Accuracy0.9180.9400.985
Recall0.9720.9700.994
Precision0.8770.9150.976
F1 score0.9220.9410.985
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

Choi, H.-S. User Authentication Using Graph Neural Networks (GNNs) for Adapting to Dynamic and Evolving User Patterns. Electronics 2025, 14, 3570. https://doi.org/10.3390/electronics14183570

AMA Style

Choi H-S. User Authentication Using Graph Neural Networks (GNNs) for Adapting to Dynamic and Evolving User Patterns. Electronics. 2025; 14(18):3570. https://doi.org/10.3390/electronics14183570

Chicago/Turabian Style

Choi, Hyun-Sik. 2025. "User Authentication Using Graph Neural Networks (GNNs) for Adapting to Dynamic and Evolving User Patterns" Electronics 14, no. 18: 3570. https://doi.org/10.3390/electronics14183570

APA Style

Choi, H.-S. (2025). User Authentication Using Graph Neural Networks (GNNs) for Adapting to Dynamic and Evolving User Patterns. Electronics, 14(18), 3570. https://doi.org/10.3390/electronics14183570

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

Article Metrics

Back to TopTop