Next Article in Journal
Beyond Traditional Assessment: A Fuzzy Logic-Infused Hybrid Approach to Equitable Proficiency Evaluation via Online Practice Tests
Next Article in Special Issue
Mask2Former with Improved Query for Semantic Segmentation in Remote-Sensing Images
Previous Article in Journal
Investigation on the Dynamic Characteristics of Non-Orthogonal Helical Face Gears with Higher-Order Tooth Surface Modification
Previous Article in Special Issue
Enhanced Sea Horse Optimization Algorithm for Hyperparameter Optimization of Agricultural Image Recognition
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Community Detection and Graph-Neural-Network-Based Link Prediction Approach for Scientific Literature

1
Chengdu Library and Information Center, Chinese Academy of Sciences, Chengdu 610299, China
2
Department of Statistics, University of Michigan, Ann Arbor, MI 48109, USA
3
School of Business, Shandong University of Technology, Zibo 255000, China
4
Faculty of Management and Economics, Kunming University of Science and Technology, Kunming 650031, China
5
School of Business, Macau University of Science and Technology, Macau 999078, China
6
Department of Computer Science, Purdue University, West Lafayette, IN 47907, USA
*
Author to whom correspondence should be addressed.
These authors contributed equally to this work.
Mathematics 2024, 12(3), 369; https://doi.org/10.3390/math12030369
Submission received: 27 December 2023 / Revised: 19 January 2024 / Accepted: 20 January 2024 / Published: 24 January 2024
(This article belongs to the Special Issue Advanced Research in Data-Centric AI)

Abstract

:
This study presents a novel approach that synergizes community detection algorithms with various Graph Neural Network (GNN) models to bolster link prediction in scientific literature networks. By integrating the Louvain community detection algorithm into our GNN frameworks, we consistently enhanced the performance across all models tested. For example, integrating the Louvain model with the GAT model resulted in an AUC score increase from 0.777 to 0.823, exemplifying the typical improvements observed. Similar gains were noted when the Louvain model was paired with other GNN architectures, confirming the robustness and effectiveness of incorporating community-level insights. This consistent increase in performance—reflected in our extensive experimentation on bipartite graphs of scientific collaborations and citations—highlights the synergistic potential of combining community detection with GNNs to overcome common link prediction challenges such as scalability and resolution limits. Our findings advocate for the integration of community structures as a significant step forward in the predictive accuracy of network science models, offering a comprehensive understanding of scientific collaboration patterns through the lens of advanced machine learning techniques.

1. Introduction

Graphs represent intricate data structures comprised of vertices and edges, where link prediction aims to foresee potential connections and their strengths within a graph structure [1]. While traditional methods like Markov chains and machine learning have found utility in applications such as website browsing and citation prediction [2,3], they often rely heavily on node attributes, which can be challenging to obtain and validate in real-world settings. Consequently, these methods may not always yield high accuracy in predictions. Graph embedding techniques, by contrast, can effectively encapsulate complex structures and relational dynamics, paving the way for more-accurate applications of link prediction algorithms, now an active area of research.
In this paper, we introduce a pioneering approach that unifies community detection algorithms with graph neural networks (GNNs) to refine link prediction within scientific literature networks. Employing the Louvain algorithm, we reveal latent community structures that GNN models can exploit to enhance link prediction precision. This methodology is particularly potent in scientific collaboration networks, where understanding and forecasting collaborative patterns is crucial. For instance, our approach could significantly improve paper recommendation systems, aiding researchers in finding relevant studies and potential citations when preparing their scientific manuscripts [4]. Such systems are invaluable given the recent exponential growth in scientific publications and the critical role of citing pertinent work.
Our integrated approach, succinctly depicted in Figure 1, marks a substantial advancement in predictive network analysis. It is especially pertinent to the scientific literature domain, where discerning and anticipating collaboration and citation dynamics can offer profound insights, potentially fostering novel research intersections and driving the progress of scientific inquiry forward.
The structure of the paper is as follows: Section 2 discusses related work to frame the current advancements in link prediction and graph neural networks. Section 3 explains the datasets, data collection, and preprocessing steps. Section 4 delves into our methods, firstly examining heuristic-based link-prediction techniques, then exploring machine learning methods, followed by a detailed look at our advanced graph neural network approaches with community detection. Section 5 discusses the broader implications, limitations, and avenues for future research arising from our study. The paper concludes in Section 6, summarizing our contributions and reflecting on the potential impact on network analysis in the realm of scientific literature.

2. Related Work

2.1. Graph Neural Network

The graph structure in computers belongs to a non-Euclidean structure, which is characterized by an irregular arrangement, and it is difficult to define its neighboring nodes for a certain point in the data, while the number of neighboring nodes of different nodes is also different, so it is difficult to directly apply it to deep learning methods such as convolutional neural networks and recurrent data networks. The graph embedding model aims to downscale the graph structure, i.e., mapping a highly dense graph to a low-density graph. Graph embedding algorithms are now widely used in the fields of node classification, link prediction, clustering, and visualization [5].
Due to the different graph structures and different algorithmic principles applied in the embedding process, graph embedding models are mainly categorized as follows. Cai et al. classified graph embedding models into four categories according to the different structures of the input graphs, i.e., matrix-decomposition-based graph embedding, deep-learning-based graph embedding, edge-reconstruction-based graph embedding, graph-kernel-based graph embedding, and generative-model-based graph embedding [6]. Goyal et al. classified graph embedding into three categories according to the model utilized in the embedding process, i.e., factorization-based graph embedding model, random-walk-based graph embedding model, and deep-learning-based graph embedding model [7]. Chen et al. classified graph embedding models into seven categories by incorporating the type of the graph along with the model utilized in the embedding process as the basis for the classification, i.e., dimensionality-reduction-based graph embedding, random-walk-based graph embedding, matrix-decomposition-based graph embedding, neural-network-based graph embedding, graph embedding for large graphs, graph embedding for hypergraphs, and graph embedding based on attentional mechanisms [8]. Xie et al. classified the dynamic networks into five categories based on whether they are of the snapshot type or continuous time type and in accordance with their different graph embedding strategies, i.e., eigenvalue-decomposition-based graph embedding, Skim-Gram-model-based graph embedding, self-encoding-based graph embedding, and graph-convolution-based graph embedding [9]. Xia et al. classified graph-embedding algorithms into four categories based on graph learning techniques, i.e., graph embedding for graph signal processing, graph embedding for matrix decomposition, graph embedding for random walk, and graph embedding for deep learning [10]. Based on the existing research ignoring the correlation between static and dynamic graphs, Yuan et al. simultaneously classified static and dynamic graph models into five categories based on the algorithmic principles applied in the embedding process, namely: graph embedding based on matrix decomposition, graph embedding based on random walk, graph embedding based on a self-encoder, graph embedding based on a graph neural network, and graph embedding based on other methods [11].
The following summarizes the current mainstream graph-embedding algorithm models at home and abroad and briefly introduces their principles. Singular-value decomposition (SVD) is a typical algorithm for the decomposition of adjacency matrices, and SVD essentially employs the idea of vector orthogonal transformation to decompose matrices. Further, on the basis of generalized SVD (GSVD), combined with asymmetric transfer, the HOPE algorithm is derived [12]. Node2vec [13], as a classical algorithm for a random walk, is inspired by the skip-gram algorithm and DeepWalk algorithm in the language model and artificially introduces two parameters on the basis of obtaining sequences of neighboring nodes via a random walk along the balance the breadth-first traversal and depth-first traversal, so as to take into account the homogeneity and structure of the graph. Due to the strong time-varying nature of the network in real problems, the CTDNE algorithm [14] introduces temporal information on the basis of a static graph random walk, i.e., a random walk based on the temporal path, which is more suitable for dynamic graph scenarios. Based on the feature decomposition of the Laplace matrix, the GCN [15] simultaneously deals with the node features, as well as the connections between nodes to realize a new node representation. Based on the GCN, GraphSAGE [16] utilizes known nodes to predict unknown nodes through a fixed-size sampling mechanism, and GAT [17] introduces an attention mechanism to assign weights to nodes so that the input of complete graph data is not required, which is also more in line with real-world scenarios.
In addition, since many real-world problems are not pairwise node relations, concepts such as hypergraphs and heterogeneous graphs have arisen. In order to better study these graph structures, some scholars have also proposed graph-embedding algorithms for hypergraphs, e.g., DHNE [18], HGNN [19], etc., as well as algorithms for heterogeneous graphs, e.g., HGSL [20], etc.
Building on the extensive survey of graph-embedding techniques presented in Section 2, our study specifically focuses on the advancements of GNN methods, in particular GAT, GCN, and GraphSAGE. These methods represent the prior work graph embedding technique to our study due to their state-of-the-art performance in various graph-based tasks and their relevance to our proposed approach. In the context of these foundational GNN models, our work introduces a novel enhancement by integrating the Louvain method for community detection. This integration significantly boosts the model performance across multiple metrics, including the precision, recall, F1-score, and AUC score. The Louvain method’s ability to uncover latent community structures provides an additional layer of information, enriching the original node features and, thereby, enabling the GNN models to achieve a deeper understanding of the graph’s topology. This enhancement aligns with the recent trends in deep learning, which prioritize the incorporation of structural and contextual information within the learning process, affirming our contribution to the evolving landscape of graph neural network research.

2.2. Link Prediction

The following key metrics are mainly used in link prediction algorithms, i.e., the area under the curve (AUC) metric, accuracy, common neighbor (CN) metric, Adamic–Adar metric, resource allocation metric (RA), preferred attachment metric (PA), random walk with restart (RWR) metric, and Katz metric. Traditional link prediction algorithms can be divided into two categories: unsupervised and supervised algorithms, where unsupervised algorithms are mainly centered on generating functions, node clustering, likelihood analysis, and other related models, while models under supervised algorithms are more diverse. In recent years, many correlations in graph-embedding algorithms have been utilized in link prediction, e.g., DeepWalk algorithm, LINE algorithm. In solving practical problems, since the network structure tends to be more complex and diverse, the main research directions of link prediction models are currently focused on temporal network link prediction, heterogeneous network link prediction, and directed graph link prediction.
Links in temporal networks change over time and, thus, have a more-complex and -diverse dynamic structure. For link prediction in time series networks, Rahman et al. transformed the link-prediction problem into an optimal coding problem for graph embedding through feature representation extraction, minimized the reconstruction error through gradient descent, and proposed the Dylink2vec algorithm. This method simultaneously considers the topology of the network and the historical changes of the links, and compared to the traditional link prediction methods based on a single topological structure and DeepWalk-based link prediction methods, Dylink2vec’s experiments yielded higher CN, AA, and Katz metrics [21]. Lekui Zhou et al. proposed the DynamicTriad algorithm in conjunction with representational learning, which can simultaneously preserve the network’s structural and dynamic change information, and through the triadic closure process, the nodes disconnected from the triad are connected to each other, in order to capture the dynamic changes at each moment and perform representation learning [22]. Wu et al. established the GETRWR algorithm, which draws on the random walk algorithm in graph embedding and improves the transfer probability in the RWR metrics by applying the node2vec model, as well as by introducing a restart factor, i.e., the particles have the probability to return to the initial position in the process of the random walk and dynamically calculate the transfer probability of the particles to achieve higher indicators such as the AUC and RWR [23].
Nodes and edges in heterogeneous networks have different data types, and many link predictions based on homogeneous networks are often not directly applicable. For link prediction in heterogeneous networks, Dong et al. proposed the metapath2vec algorithm, which firstly uses a random walk model based on metapaths to construct neighboring nodes in the network and, then, performs graph-embedding operations on them using the skip-gram algorithm, and finally, predicts the neighboring nodes of the nodes through a method based on negative sampling of heterogeneous networks. This algorithm can maximize the preservation of the structure and semantics of the heterogeneous network [24]. Fu et al., on the other hand, through the construction of the neural network model used for heterogeneous network representation learning and, then, using the Hin2vec algorithm to capture the different node relationships and network structure in it, combined the meta-path to the nodes and, then, the vector feature learning to generate the meta-paths for comparative experiments. This algorithm better preserves the contextual information, including the correlation and differentiation between nodes, compared to traditional heterogeneous network-link-prediction methods [25]. Jiang et al. improved the graph convolution neural network, which firstly replaces the traditional graph convolution transfer layer by a HeGCN layer to make it more suitable for dealing with heterogeneous networks and combines an adversarial learning layer to obtain node characterization, then the Adam model is trained to reduce the value of the loss function, which improves the AUC metrics and PA metrics in link prediction compared to the deep walk and Hin2vec algorithms [26].
Edges in directed networks carry directional information, and the directionality of edges is very common in real-world problems, while ignoring the directional information in them will reduce the model predictability. For link prediction in directed networks, Lichtenwalter et al. proposed the PropFlow algorithm based on the random walk algorithm, which assigns parameters to potential connections through a baseline, and the objects will choose routes based on the weights when walking while restricting the direction of the object’s walking to the direction of the edges; the objects do not need to restart or converge, so the computational time can be reduced [27]. Ramesh Sarukkai et al. used the Markov chain algorithm in machine learning for link prediction and path research, which can be modeled dynamically according to the historical change condition and combined with eigenvector decomposition to obtain link tours, and this algorithm provides an effective tool for the research of web path analysis and link prediction [2]. Pan et al. applied a neural network to the link prediction of a directed graph NNLP algorithm, being more suitable, combined the standard particle swarm algorithm to optimize it, and used the error back propagation algorithm and BP iterative learning algorithm to train the neural network; the training process was fused using CN, AA, PA, Katz, and other indicators, thus improving the model complementarity and accuracy [28].
In addressing the evolving landscape of link prediction, our study employs the same rigorous evaluation metrics as previous research, to ensure comparability and consistency. We established a robust baseline by encompassing heuristic-based methods and machine learning approaches, which sets the stage for our advanced GNN models.

3. Datasets

3.1. Data Collection

In this study, we harnessed the Web of Science database to construct a dataset central to the technological advances in zinc batteries, an area increasingly vital due to the surge in demand for green energy solutions and new energy electric vehicles. Recognizing zinc’s relative abundance compared to lithium and its potential for industrial application, our search targeted a corpus reflective of the most-recent and -impactful research.
We retrieved a comprehensive collection of 10,187 research articles using a refined search strategy based on relevant keywords that signify the core technologies and innovations in the field: TI = (Zinc) AND TI = (Anode) OR TI = (Zn) AND TI = (Anode) OR TI = (Zn) AND TI = (Batter*) OR TI = (Zinc) AND TI = (Batter*) [29]. This strategy was meticulously designed to capture the breadth and depth of contemporary zinc battery research, which is predominantly represented in publications post-2010, accounting for over 90% of the total corpus and indicating a burgeoning interest and development in this domain. The dataset includes articles until November 2023, with a significant concentration of papers from authoritative journals such as the Journal of Power Sources, Chemical Engineering Journal, ACS Applied Materials & Interfaces, Journal of the Electrochemical Society, and Journal of Materials Chemistry A. This approach ensured that our analysis is grounded in the most-current and -influential studies, providing a robust foundation for our subsequent predictive modeling and network analysis.

3.2. Train–Test Split

In our study, a network graph was generated from an edge dataset, representing the connections between nodes. This graph was then divided into training and test sets, adhering to a standard 80:20 split ratio, resulting in a training set comprising 80% of the data and a test set with the remaining 20%.
To address the issue of class imbalance typically present in network data, we employed a novel approach to generate synthetic non-links. This procedure was continued until the number of non-links equaled the number of actual links within the training set, ensuring a balanced distribution of classes. This method was mirrored in the preparation of the test set. As a result, the training set expanded to include 296,574 samples, while the test set contained 74,144 samples. This deliberate oversampling strategy for the training set was critical for developing a model that can accurately predict both the existence and absence of links, which is essential for robust network analysis.

4. Methods

4.1. Heuristic-Based Methods

4.1.1. Overview

Table 1 provides a summarized comparison of various heuristic-based methods for link prediction in terms of their performance metrics: precision, recall, F1-score, and AUC score. The table lists five methods, from a baseline ‘Random Prediction’ to more sophisticated approaches like ‘Resource Allocation’. Each method’s efficacy was quantified, with ‘Adamic/Adar’ showing the highest precision and ‘Common Neighbor’ exhibiting the best balance between precision and recall as reflected by its F1-score.

4.1.2. Random Prediction

A random prediction method was employed as a baseline model for evaluating the test set. This method involves randomly assigning binary labels (0 or 1) to each element of the test set, effectively simulating a naive approach, where predictions are made without any data-driven learning or inference. This technique establishes a foundational benchmark for assessing the efficacy of more-sophisticated models.
The outcomes of this random prediction strategy were quantified using standard performance metrics. The results demonstrated equal values across all metrics with a precision, recall, F1-score, and area under the curve (AUC) score, all at approximately 0.5002. These metrics indicate that the model performs at a level akin to random guessing, as expected from this method. The consistency across all metrics underscores the non-discriminatory nature of the random prediction approach. These results set a baseline that more advanced, data-informed models must exceed to be considered valuable in predictive analytics within this domain.

4.1.3. Common Neighbors

In this segment of the analysis, the common neighbors method was implemented as a technique for link prediction. This method operates on the principle that two nodes in a network are more likely to form a link if they share a significant number of common neighbors. The approach involves calculating the number of common neighbors for each pair of nodes in the test set, and a prediction of a link (label 1) is made if the common neighbors count is one or more; otherwise, no link (label 0) is predicted.
The performance of the common neighbors method was evaluated through several metrics, demonstrating notable effectiveness in predicting links. The precision, which measures the correctness of predicted links, was 0.8437, suggesting that a significant proportion of links predicted by the model were actual links. The recall of 0.8691 implies that the method is effective in identifying actual links within the test set. The F1-score, a balance between precision and recall, stood at 0.8562, further attesting to the method’s robustness. Finally, the AUC score of 0.8540 indicates a strong ability to differentiate between the presence and absence of links. These results suggest that the common neighbors method is a reliable tool in network analysis for link prediction, substantially surpassing the baseline established by the random prediction approach.

4.1.4. Jaccard Coefficient

The Jaccard coefficient method [30], another approach for link prediction, is based on the similarity between the sets of neighbors of two nodes. The Jaccard coefficient is calculated as the ratio of the size of the intersection to the size of the union of the neighbor sets of two nodes. Predictions are made based on a set threshold; in this case, a link is predicted if the Jaccard score is equal to or exceeds 0.01.
The performance metrics for the Jaccard coefficient method showed its effectiveness in link prediction. The precision was 0.8537, suggesting that a significant portion of the predicted links were true links. The recall of 0.7862 demonstrates the method’s capability in identifying a majority of actual links. The F1-score, at 0.8186, reflects a balanced measure of precision and recall. Additionally, an AUC score of 0.8257 highlights the method’s proficiency in distinguishing between link presence and absence. These results showcase the Jaccard coefficient method as a viable and efficient tool for predicting links in network analysis.

4.1.5. Adamic/Adar Index

The Adamic/Adar index method [31] is implemented for link prediction, focusing on the shared neighbors of two nodes. The method computes the Adamic/Adar index, which accounts for the number of common neighbors and inversely weights these neighbors by the logarithm of their degrees. A threshold is set (0.5 in this case) to decide whether a link is predicted based on the index value.
The method performance is summarized as follows: it achieved a precision of 0.9421, a recall of 0.6514, an F1-score of 0.7702, and an AUC score of 0.8057. These metrics indicate that, while the method is highly precise in its predictions, its recall is comparatively lower, suggesting a more-conservative prediction of links. The overall results demonstrate the method efficiency in discerning link presence in the network.

4.1.6. Resource Allocation Index

The resource allocation index method [32], applied here for link prediction, is based on the idea of allocating resources through common neighbors between pairs of nodes. The resource allocation (RA) index is calculated for each pair in the test set, taking into account the degree of common neighbors. A predefined threshold (0.01 in this case) is used to determine if a link is predicted based on the RA index score.
The performance metrics for the resource allocation index method were as follows: a precision of 0.9144, indicating a high degree of accuracy in the predicted links; a recall of 0.7662, showing the method’s ability to identify a substantial portion of actual links; and an F1-score of 0.8337, reflecting a balanced trade-off between precision and recall. The AUC score was 0.8472, suggesting a strong discriminatory ability between link presence and absence.

4.2. Machine Learning Methods

4.2.1. Overview

Table 2 delineates the performance of three machine learning algorithms—Logistic Regression, Random Forest, and XGBoost—on link prediction tasks, evaluated by the precision, recall, F1-score, and AUC score. It highlights that, while XGBoost achieved the highest precision, Random Forest outperformed the others in terms of the F1-score, suggesting a more-balanced performance in precision and recall.

4.2.2. Feature Engineering

The feature-engineering phase in our study is a pivotal step towards enabling effective network analysis. Initially, we standardized the numerical data using a standard scaler to ensure mean normalization and variance scaling. For categorical variables, a one-hot encoding scheme [33] was applied to convert these variables into a binary vector representation, avoiding any implicit ordering that could be mistakenly inferred by the models. The textual data underwent a transformation via Term Frequency-Inverse Document Frequency (TF-IDF) vectorization [34], a technique that reflects the importance of words relative to a document collection, hence allowing for the nuanced representation of text features.
The culmination of these preprocessing techniques was a multi-dimensional feature space, structured as a sparse matrix to manage the high dimensionality efficiently. The final feature space encompassed a total of 10,187 samples, each characterized by a feature vector consisting of 2026 distinct elements. This feature space dimensionality was carefully curated to capture the rich, underlying structures of the node attributes while avoiding the pitfalls of overfitting that can occur with excessively high-dimensional data. The resulting dataset, formed through careful curation and transformation of node characteristics, provides a comprehensive and robust foundation for the subsequent phases of predictive modeling in our network analysis.

4.2.3. Logistic Regression

In this study, a Logistic Regression model [35] was employed as a machine learning method for link prediction in the network. Logistic Regression, a widely used statistical model for binary classification, is trained on the engineered feature set, which encapsulates the characteristics of node pairs in the network. The model is optimized to predict the likelihood of link existence between nodes based on the features derived from their attributes.
The performance of the Logistic Regression model was evaluated using standard metrics on both the training and test datasets. In the training phase, the model achieved a precision of 0.7242, a recall of 0.7220, an F1-score of 0.7231, and an AUC score of 0.7235. For the test set, the model demonstrated a precision of 0.7799, a recall of 0.7090, an F1-score of 0.7428, and an AUC score of 0.7544. These metrics indicate the model’s effectiveness in accurately predicting links, with a notable performance improvement in the test set compared to the training set. This suggests that the Logistic Regression model, trained on the comprehensive feature set, is a robust tool for link prediction in network analysis.

4.2.4. Random Forest

In this phase of the study, a Random Forest classifier, a powerful ensemble learning method, was utilized for link prediction in the network. The Random Forest model [36,37], known for its robustness and ability to handle complex datasets, was trained on the prepared feature set, which includes a diverse range of node attributes and their interactions.
The Random Forest model’s performance was assessed using a variety of metrics. During training, the model demonstrates exceptionally high precision, recall, F1-score, and AUC score, all approximately 0.9986, indicating an almost perfect fit to the training data. However, when evaluated on the test set, the model exhibited a precision of 0.8379, a recall of 0.7926, an F1-score of 0.8146, and an AUC score of 0.8196. These results reflect the model’s effectiveness in generalizing to new data, with a notable distinction between its training and testing performance. The high precision on the test set suggests the model’s strong capability in accurately identifying true links, while the recall indicates its efficiency in capturing a substantial proportion of actual links. These metrics collectively demonstrate the Random Forest model’s efficacy as a robust tool for predicting links in network analysis.

4.2.5. XGBoost

The study employed the XGBoost classifier, an advanced gradient boosting framework, for the task of link prediction in networks. XGBoost [38] is renowned for its high efficiency and effectiveness, particularly in dealing with complex datasets. It operates by sequentially building trees, where each new tree attempts to correct the errors made by the previous ones, resulting in a strong predictive model.
In terms of performance, the XGBoost model demonstrated a balanced and effective capability in both the training and testing phases. The training metrics revealed an accuracy of 0.7948, precision of 0.8186, recall of 0.7574, F1-score of 0.7869, and an AUC score of 0.7948. The test metrics exhibited an accuracy of 0.8095, precision of 0.8637, recall of 0.7349, F1-score of 0.7941, and an AUC score of 0.8095. These results indicate the model’s strong performance in accurately predicting links, with particularly high precision in the test set, suggesting its ability to generalize well to new data. The XGBoost model, thus, proves to be a robust and reliable tool in the context of network analysis for link prediction.

4.3. Graph Neural Networks

Figure 2 illustrates the process by which the GNN models utilized subgraphs observed from the input graph to predict links. This visual representation clarifies the methodology underlying the application of various GNN variants and demonstrates the nuanced approach of our analysis.

4.3.1. Overview

Table 3 shows the comparison between the graph neural network (GNN) models with and without the integration of Louvain community detection, revealing the impact of incorporating structural community information into link prediction tasks. The results indicate a consistent improvement in model performance when community detection is applied.
For the GAT model, the addition of Louvain community detection led to increases in the precision, recall, F1-score, and AUC score, suggesting that community context enhances the model ability to predict links accurately. Similar trends were observed for the GATv2 model, where integrating community features resulted in a rise in all evaluated metrics, notably in the AUC score.
The GCN model, already exhibiting strong performance, further benefited from the inclusion of community detection, as evidenced by the increase in the precision, recall, F1-score, and AUC score. This improvement was also mirrored in the GCNv2 model, although the precision slightly decreased, while the other metrics showed enhancements.
Lastly, the GraphSAGE model showed considerable improvements across all metrics with the inclusion of Louvain community detection. This suggests that adding community features is particularly effective for models like GraphSAGE, which rely heavily on neighborhood aggregation.
The confusion matrices presented in Figure A1 correspond to the models listed in table, with the same ordering. They illustrate the performance of each model on a consistent test set, with a fixed random seed of 42 to ensure reproducibility. The left side of each matrix pertains to models using only the original node features, while the right side shows the performance after the integration of community detection features via the Louvain method.

4.3.2. Graph Attention Networks

In this study, a Graph Attention Network (GAT) was employed for link prediction, leveraging the power of attention mechanisms in graph neural networks. The GAT model uses multiple attention heads to focus on different parts of the node’s neighborhood, allowing for a more-nuanced aggregation of neighbor information. This structure is particularly effective in capturing the complex dependencies within the graph data.
The GAT model achieved a precision of 0.6065 and a recall of 0.9231 in link prediction, with an F1-score of 0.7320 and an AUC score of 0.8225. These metrics underscore its effectiveness in identifying relevant links and its strong overall predictive performance.
The study employed GATv2 [39], an evolution of the Graph Attention Network (GAT), which incorporates enhanced attention mechanisms for link prediction. GATv2 is characterized by its attention heads, which enable more-nuanced feature aggregation from a node’s neighborhood, effectively capturing complex interactions within the graph.
In testing, the GATv2 model demonstrated a precision of 0.5824 and a recall of 0.9317, culminating in an F1-score of 0.7168. The AUC score stands at 0.8118, indicating its proficient predictive ability in distinguishing between the presence and absence of links.
Figure 3 presents the training loss trajectories for both the GAT and GATv2 models over a span of 300 epochs, providing a visual representation of the models’ learning progress. The GAT model’s loss, denoted by triangles, showed an initial rapid decline, stabilizing as the epochs increase, which is indicative of the model effectively learning from the training data. Similarly, the GATv2 model began with a higher loss, which quickly descended, albeit with some early fluctuations, before it also stabilized. This pattern is reflective of the GATv2’s advanced attention mechanisms adapting to the graph structure over time. The colors selected for the plot are consistent with those used in previous figures for the ease of comparison.
In our experimental validation, the hyperparameters for the GAT and GATv2 model were optimized through comprehensive testing. The final configuration, yielding the most-efficacious results, is delineated in Table A1 and Table A2.

4.3.3. Graph Convolutional Networks

In this segment of the research, a Graph Convolutional Network (GCN) was implemented for link prediction in network analysis. This GCN includes additional layers and dropout for regularization, enhancing its capability to capture complex patterns in graph data. The model, by operating directly on the graph structure, efficiently aggregates and transforms node features, leveraging the inherent topological information.
The GCN model demonstrated commendable performance in link prediction, achieving a precision of 0.6638, a recall of 0.9570, and an F1-score of 0.7839. Its AUC score of 0.8921 highlights its effective discrimination between link presence and absence, underscoring the model’s robustness in network analysis.
The GCNv2 model [40], an advanced version of the Graph Convolutional Network (GCN), was implemented for link prediction. The GCNv2 model integrates additional convolution layers and a linear transformation layer, enhancing its capacity to process complex graph structures. Key parameters such as alpha and theta were adjusted to optimize the model performance.
The GCNv2 model exhibited impressive results in link prediction, achieving a precision of 0.6796, a recall of 0.9697, and an F1-score of 0.7991. Its AUC score of 0.9199 further demonstrates its strong capability in differentiating between the presence and absence of links in the network.
Figure 4 displays the training loss trajectories for the GCN and GCNv2 models across 300 training epochs. The GCN model’s losses are indicated with circles and exhibit a gradual descent with some variability, suggesting an incremental learning process. In contrast, the GCNv2 model, marked with squares, showed a steeper initial decline in loss, indicating a rapid adaptation to the data. This steep decline in the early epochs for GCNv2 can be attributed to the enhanced convolution layers and linear transformation layer, which allow it to capture complex graph structures more effectively.
The hyperparameter tuning undertaken for the GCN and GCNv2 model was systematic, aiming to ascertain an optimal set of configurations for enhancing model performance. The resulting parameters, determined to be most effective through empirical testing, are in Table A3 and Table A4.

4.3.4. GraphSAGE

The study implemented GraphSAGE, a graph neural network model known for its effectiveness in learning from large graphs. GraphSAGE utilizes neighborhood sampling and aggregating functions to generate node embeddings, efficiently capturing local graph structures.
The GraphSAGE model demonstrated a precision of 0.6556 and a recall of 0.9392 in link prediction, resulting in an F1-score of 0.7722. Its AUC score of 0.8589 indicates a strong capability in distinguishing between the presence and absence of links.
Figure 5 presents the training loss trajectory for the GraphSAGE model over 300 epochs, providing insight into the model’s learning performance throughout the training phase. The loss curve, depicted with a yellow line, begins with a sharp decline, indicating a rapid initial learning phase, and then, transitions into a more-gradual descent. This suggests that GraphSAGE quickly assimilates the local graph structures and, then, refines its understanding of the data over time. The relative stability of the loss after the initial epochs showcases the efficiency of GraphSAGE’s neighborhood sampling and aggregation functions in generating informative node embeddings.
The hyperparameter tuning process was executed with the goal of identifying the most-effective model parameters. The selected hyperparameters for the Enhanced GraphSAGE model are detailed in the Table A5.

4.3.5. Graph Neural Networks with Community Detection

In the enhanced methodology of our study, the preprocessing of graph data was elevated through the integration of the Louvain community detection algorithm [41]. The Louvain method operates on the principle of modularity optimization. Mathematically, it seeks to maximize the modularity Q, defined as
Q = 1 2 m i j A i j k i k j 2 m δ ( c i , c j ) ,
where A is the adjacency matrix of the network, m is the sum of all edge weights, k i and k j are the degrees of nodes i and j, and δ is the Kronecker delta function that equals 1 if nodes i and j are in the same community and 0 otherwise.
By applying this algorithm, each node is endowed with a community label that encapsulates its modular connectivity within the graph. These labels are then encoded into a one-hot vector, expanding the original node feature set—previously vectorized by TF-IDF and one-hot encoding techniques—by appending this new community structure information. Consequently, the feature space dimensions increase from 2026 to 3315, enriching the input data for the GNN models.
The GNN models—GCN, GCNv2, GAT, GATv2, and GraphSAGE—were subsequently trained on this augmented dataset, harnessing not only the intrinsic node features, but also the macro-structural properties encoded by the Louvain method. This dual representation fosters a deeper interpretative capacity within the models, leading to an improved learning trajectory, as observed in Figure 6. The loss trajectories for models trained with community detection features indicate a more-pronounced and -rapid stabilization, highlighting the effectiveness of the Louvain method in enhancing the network analysis capabilities of GNNs.

5. Discussion

5.1. Limitation

The Louvain community detection algorithm, when applied in graph neural networks for link prediction, may encounter a resolution limit issue. This limitation arises because the algorithm is prone to merging smaller communities into larger ones, thereby potentially overlooking finer, yet significant, community structures. This oversight can lead to suboptimal performance in link prediction tasks where the identification of smaller, more-nuanced communities is crucial for accurate predictions.

5.2. Future Work

As we look to the future, the refinement of integrating community detection with GNNs stands as a promising avenue for advancing link-prediction techniques. Beyond simply enhancing the accuracy of link predictions, the amalgamation of these two methodologies has the potential to significantly influence the broader field of network analysis. The nuanced understanding of community structures within networks could revolutionize the way we approach complex networked systems, enabling a deeper comprehension of their evolution, resilience, and underlying dynamics.
In the realm of scientific literature, the implications of this research are manifold. By improving paper recommendation systems, our approach can streamline the research process, enabling scholars to discover relevant works with unprecedented precision. This is particularly vital in an era where the sheer volume of publications can overwhelm researchers. Moreover, by anticipating collaboration and citation patterns, we can not only track, but also predict the progression of scientific discourse, potentially catalyzing new research intersections and collaborations that might have otherwise remained undiscovered.
The integration of community detection with GNNs could also be extended to other domains where network analysis plays a critical role, such as social network analysis, epidemiology, and bioinformatics. For instance, in social networks, this methodology could enhance the detection of community structures and their changes over time, providing insights into the formation of social groups and the spread of information or misinformation. In epidemiology, it can aid in understanding and predicting the spread of diseases within and between communities, potentially informing public health strategies and interventions. In bioinformatics, it could improve the prediction of protein–protein interactions, which is crucial for understanding cellular processes and the development of drugs.
Furthermore, exploring alternative community detection algorithms can address current limitations and open new research directions, such as the study of community evolution in dynamic networks. The potential to adapt GNN models to better incorporate temporal and structural changes within communities could lead to groundbreaking developments in dynamic network analysis.
In summary, the integration of community detection methods with GNN architectures represents not just a methodological enhancement in link prediction tasks, but also a strategic shift towards a more-sophisticated understanding of networks. This could lead to developing more-intelligent systems that can adapt to and predict changes within networks, offering significant benefits across various scientific and social domains. Hence, our future work aims not only to improve upon the technical aspects of our approach, but also to explore its broader applications, thereby contributing to the progressive evolution of network science and its capacity to address complex real-world problems.

6. Conclusions

In conclusion, our study provides compelling quantitative evidence that the integration of the Louvain community detection method with various GNN models results in robust performance enhancements in link-prediction tasks. For instance, when the Louvain method is applied to GNN models, we observed significant improvements in the AUC scores, such as an increase from 0.777 to 0.823 for GAT and from 0.892 to 0.917 for GCNv2. These improvements were consistent across different GNN architectures, underlining the efficacy of incorporating community structures into predictive modeling.
Furthermore, our approach of Louvain-enhanced GNNs not only consistently outperformed traditional machine learning methods, as evidenced by the highest AUC score of 0.917 achieved by GCNv2 with the Louvain method, but also demonstrated superior results compared to heuristic-based methods, with the resource allocation index achieving an AUC score of 0.847. Such findings advocate for a paradigm shift towards the adoption of community-aware GNN models for link prediction, highlighting the importance of a synergistic perspective that blends node-specific features with macroscopic network structures. This study, therefore, concludes that leveraging the latent community information within GNN architectures can substantially elevate the performance of link prediction models, setting a new benchmark for future research in this domain.

Author Contributions

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

Funding

This research was funded by the National Natural Science Funding of China grant number (No. 72274113), in part by the Chinese Academy of Science’s ‘Light of West China’ program and the Taishan Scholar Foundation of Shandong province of China (tsqn202103069).

Data Availability Statement

The data presented in this study are available upon request from the corresponding author.

Conflicts of Interest

The authors declare no conflicts of interest.

Abbreviations

The following abbreviations are used in this manuscript:
TF-IDFterm frequency-inverse document frequency
XGBoostextreme gradient boosting
GNNgraph neural network
GATgraph attention network
GCNgraph convolutional network
GraphSAGEgraph sample and aggregation
ReLUrectified linear unit
ELUexponential linear unit

Appendix A. Detailed Architecture and Hyperparameter Tuning of Enhanced GNN Models

This Appendix provides a detailed overview of the architecture of our Enhanced GNN models, as well as the hyperparameter tuning process that was undertaken to optimize their performance. These details are crucial for the reproducibility of our research and for providing insights into the potential of deep learning to enhance network analysis.

Appendix A.1. Graph Attention Networks

The architecture of our enhanced GAT model is meticulously constructed to leverage the attention mechanism for node feature refinement. Beginning with the input layer, the model accepts node features and advances them through a graph attentional layer (conv1), which employs four attention heads to project the input into a higher dimensional space, here chosen as 64. Each head computes separate features, which are then concatenated, allowing the model to attend to information from different representation subspaces. This layer is followed by an exponential linear unit (ELU) activation function and a dropout layer with a rate of 0.6. The second graph attentional layer (conv2) consolidates the features from the previous layer into a 16-dimensional space. In this final layer, a single attention head is employed to focus on the most-salient features for the link prediction task. The utilization of dropout before each attentional operation ensures that the model remains robust to overfitting.
Table A1. Optimal configuration for the enhanced GAT model.
Table A1. Optimal configuration for the enhanced GAT model.
ParameterValue
Learning Rate0.01
Dropout Rate0.6
Number of Attention Heads4 (conv1), 1 (conv2)
Number of Epochs300
OptimizerAdam
Loss FunctionBinary Cross-Entropy (BCELoss)

Appendix A.2. Graph Attention Networks Version 2 (GATv2)

The enhanced GATv2 model is an iteration on the GAT architecture, refined to harness the second version of the graph attention mechanism. At its core, the input layer receives the node features and directs them through the first graph attentional layer (conv1), which utilizes four attention heads to expand the feature representation, subsequently concatenated to provide a rich, multidimensional feature space. Each attention head, operating with an individual weight matrix, allows the model to diversify the focus on different neighborhoods of the input graph, thereby enriching the feature extraction process. The conv1 layer outputs are then activated using an exponential linear unit (ELU) to maintain a non-linear transformation while controlling for neuron saturation, followed by a dropout mechanism set at a rate of 0.6 to enhance model generalization.
Continuing the feature refinement, the architecture employs a second graph attentional layer (conv2), which consolidates the previously expanded features into a singular, 48-dimensional space, conducive to the link prediction task. This layer uses a single attention head, concentrating the model’s focus on the most pertinent features. As in the first layer, the dropout is applied post-activation to regularize the learning process.
The GATv2 model structure—starting with conv1 followed by ELU and dropout, and progressing through conv2 with the same sequence—presents an advanced approach to leveraging attention mechanisms for graph neural networks. This architecture is particularly adept at capturing and processing complex dependencies within graph data, a critical capability for predictive tasks in network analysis.
Table A2. Optimal configuration for the enhanced GATv2 model.
Table A2. Optimal configuration for the enhanced GATv2 model.
ParameterValue
Learning Rate0.02
Dropout Rate0.6
Number of Attention Heads4 (conv1), 1 (conv2)
Number of EpochsDetermined by validation performance
OptimizerAdam
Loss FunctionBinary Cross-Entropy (BCELoss)

Appendix A.3. Graph Convolutional Networks

The enhanced GCN model’s architecture is composed of a sequence of graph convolutional layers designed to systematically refine node features for optimal representation. The architecture initiates with an input layer that takes node features and subjects them to a graph convolutional operation (conv1), mapping them to a 512-dimensional hidden space. This is immediately succeeded by a ReLU activation function to introduce non-linearity, followed by a dropout operation with a rate of 0.5 to mitigate overfitting. The process proceeds to the second graph convolutional stage (conv2), which further processes the feature vector, reducing its dimensionality to 128. Similar to the previous stage, this is paired with a subsequent ReLU activation and dropout. The architecture is completed by a third graph convolutional layer (conv3), which provides an additional transformation, producing a 32-dimensional feature vector as output. The arrangement of the layers—conv1, ReLU, dropout, conv2, ReLU, dropout, and then conv3—facilitates a comprehensive feature learning mechanism, integral for the enhanced GCN model’s adeptness at link prediction tasks within network analysis.
Table A3. Optimal configuration for our enhanced GCN model.
Table A3. Optimal configuration for our enhanced GCN model.
ParameterValue
Learning Rate0.01
Dropout Rate0.5
Number of Epochs300
OptimizerAdam
Loss FunctionBinary Cross-Entropy (BCELoss)

Appendix A.4. Graph Convolutional Networks Version 2 (GCNv2)

The enhanced GCNv2 model introduces additional sophistication to the foundational GCN architecture by incorporating linear transformation layers and advanced convolutional operations. The input layer commences the process by receiving node features, which are then subjected to a linear transformation layer to reduce their dimensionality to 48. Following this, a sequence of GCNv2 convolutional layers (GCN2Conv) are applied. These layers are equipped with parameters a l p h a and t h e t a , which are essential in controlling the mixture of the initial node features and the propagated features, as well as the trade-off between the two. Each GCN2Conv layer operates on the principle of iteratively refining node features while maintaining a connection to the original features, thus enabling a deeper level of feature extraction without over-smoothing.
The model’s architecture is characterized by three successive GCN2Conv layers, each followed by a ReLU activation function to inject non-linearity, and a dropout layer with a rate of 0.5, serving as a regularizer. This structured progression of layers—linear transformation, followed by three iterations of GCN2Conv, ReLU, and dropout—provides a potent mechanism for feature learning that captures both local and global graph structures pertinent to link prediction.
Table A4. Optimal configuration for the enhanced GCNv2 model.
Table A4. Optimal configuration for the enhanced GCNv2 model.
ParameterValue
Learning Rate0.02
Dropout Rate0.5
Alpha0.3
Theta0.7
Number of EpochsDefined by early stopping or maximum epochs
OptimizerAdam
Loss FunctionBinary Cross-Entropy (BCELoss)

Appendix A.5. Graph Sample and Aggregate Networks (GraphSAGE)

The enhanced GraphSAGE model’s architecture is defined by a sequence of graph convolutional layers that are strategically structured to optimize the representation of node features for link prediction. The model begins with the first GraphSAGE convolutional layer (conv1), which takes the input node features and expands them to a 512-dimensional hidden layer. This is followed by a ReLU activation to introduce non-linearity, and a dropout layer with a rate of 0.5, designed to prevent overfitting. The model then proceeds to a second GraphSAGE convolutional layer (conv2), which reduces the dimensionality from 512 to 128, applying the same sequence of ReLU activation and dropout. The final layer (conv3) is an additional GraphSAGE convolutional layer, further condensing the features to a 32-dimensional hidden space. This progression—conv1, ReLU, dropout, followed by conv2, ReLU, dropout, and concluded with conv3—ensures a deep and comprehensive feature learning process, which is critical for capturing the complex patterns inherent in network data for effective link prediction.
Table A5. Optimal configuration for the enhanced GraphSAGE model.
Table A5. Optimal configuration for the enhanced GraphSAGE model.
ParameterValue
Learning Rate0.01
Dropout Rate0.5
Hidden Layer Dimensionality32
Number of Epochs300
OptimizerAdam
Loss FunctionBinary Cross-Entropy (BCELoss)

Appendix B. Analysis of Confusion Matrices for GNN Models

The inclusion of confusion matrices in this study serves to provide a detailed assessment of the classification performance of various GNN models, both with and without the enhancement of the Louvain method. Confusion matrices offer a comprehensive visualization of the model’s predictive capabilities, displaying the true positives, false positives, true negatives, and false negatives. This information is crucial for understanding the specific types of errors made by the models and for evaluating their performance beyond aggregated metrics like the precision, recall, and F1-score.
Figure A1. Confusion matrices of different models.
Figure A1. Confusion matrices of different models.
Mathematics 12 00369 g0a1aMathematics 12 00369 g0a1b

Appendix C. Experimental Setup and Reproducibility

In the interest of reproducibility and to support other researchers in building upon our findings, we hereby detail the computational resources and frameworks utilized in our experiments. Our models were implemented using PyTorch [42], a widely adopted machine learning framework known for its flexibility and efficiency in research prototyping and production deployment. All experiments were executed on a system outfitted with a single RTX 4060 GPU, ensuring a high degree of computational performance.

References

  1. Liben-Nowell, D.; Kleinberg, J. The link-prediction problem for social networks. J. Am. Soc. Inf. Sci. Technol. 2007, 58, 1019–1031. [Google Scholar] [CrossRef]
  2. Sarukkai, R.R. Link prediction and path analysis using markov chains. Comput. Netw. 2000, 33, 377–386. [Google Scholar] [CrossRef]
  3. Popescul, A.; Ungar, L.H. Statistical relational learning for link prediction. In IJCAI Workshop on Learning Statistical Models from Relational Data; University of Massachusetts Amherst: Amherst, MA, USA, 2003. [Google Scholar]
  4. Färber, M.; Jatowt, A. Citation recommendation: Approaches and datasets. Int. J. Digit. Libr. 2020, 21, 375–405. [Google Scholar] [CrossRef]
  5. Bhagat, S.; Cormode, G.; Muthukrishnan, S. Node classification in social networks. Comput. Sci. 2011, 16, 115–148. [Google Scholar]
  6. Cai, H.; Zheng, V.W.; Chang, C.C. A comprehensive survey of graph embedding: Problems, techniques and applications. IEEE Trans. Knowl. Data Eng. 2018, 30, 1616–1637. [Google Scholar] [CrossRef]
  7. Goyal, P.; Ferrara, E. Graph embedding techniques, applications, and performance: A survey. Knowl.-Based Syst. 2018, 151, 78–94. [Google Scholar] [CrossRef]
  8. Chen, F.; Wang, Y.C.; Wang, B.; Kuo, C.C. Graph representation learning: A survey. Apsipa Trans. Signal Inf. Process. 2020, 9, e15. [Google Scholar] [CrossRef]
  9. Xie, Y.; Li, C.; Yu, B.; Zhang, C.; Tang, Z. A survey on dynamic network embedding. arXiv 2020, arXiv:2006.08093. [Google Scholar] [CrossRef]
  10. Xia, F.; Sun, K.; Yu, S.; Aziz, A.; Liu, H. Graph learning: A survey. IEEE Trans. Artif. Intell. 2021, 2, 109–127. [Google Scholar] [CrossRef]
  11. Yuan, L.; Li, X.; Wang, X.; Liu, Z. Overview of graph embedding model. Comput. Sci. Explor. 2022, 16, 29. [Google Scholar]
  12. Ou, M.; Peng, C.; Jian, P.; Zhang, Z.; Zhu, W. Asymmetric Transitivity Preserving Graph Embedding. In Proceedings of the 22nd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, San Francisco, CA, USA, 13 August 2016. [Google Scholar]
  13. Grover, A.; Leskovec, J. Node2vec: Scalable feature learning for networks. In Proceedings of the 22nd ACM SIGKDD international conference on Knowledge Discovery and Data Mining, San Francisco, CA, USA, 13–17 August 2016. [Google Scholar]
  14. Nguyen, G.H.; Lee, J.B.; Rossi, R.A.; Ahmed, N.K.; Koh, E.; Kim, S. Continuous-Time Dynamic Network Embeddings. In Proceedings of the Companion of the the Web Conference, Lyon, France, 23–27 April 2018; pp. 969–976. [Google Scholar]
  15. Kipf, T.N.; Welling, M. Semi-Supervised Classification with Graph Convolutional Networks. arXiv 2016, arXiv:1609.02907. [Google Scholar]
  16. Hamilton, W.L.; Ying, R.; Leskovec, J. Inductive representation learning on large graphs. Adv. Neural Inf. Process. Syst. 2017, 30, 1025–1035. [Google Scholar]
  17. Velikovi, P.; Cucurull, G.; Casanova, A.; Romero, A.; Liò, P.; Bengio, Y. Graph Attention Networks. arXiv 2017, arXiv:1710.10903. [Google Scholar]
  18. Ke, T.; Peng, C.; Xiao, W.; Wei, F.; Zhu, W. Structural Deep Embedding for Hyper-Networks. In Proceedings of the AAAI conference on Artificial Intelligence, San Francisco, CA, USA, 4–9 February 2017. [Google Scholar]
  19. Feng, Y.; You, H.; Zhang, Z.; Ji, R.; Gao, Y. Hypergraph neural networks. In Proceedings of the AAAI Conference on Artificial Intelligence, Honolulu, HI, USA, 27–28 January 2018. [Google Scholar]
  20. Tang, B.; Chen, S.; Dong, X. Learning Hypergraphs From Signals With Dual Smoothness Prior. arXiv 2023, arXiv:2211.01717. [Google Scholar]
  21. Rahman, M.; Saha, T.K.; Hasan, M.A.; Xu, K.S.; Reddy, C.K. Dylink2vec: Effective feature representation for link prediction in dynamic networks. arXiv 2018, arXiv:1804.05755. [Google Scholar]
  22. Zhou, L.; Yang, Y.; Ren, X.; Wu, F.; Zhuang, Y. Dynamic network embedding by modeling triadic closure process. In Proceedings of the AAAI Conference on Artificial Intelligence, New Orleans, LA, USA, 2–7 February 2018; Volume 32. [Google Scholar]
  23. Wu, C.C.; Zhou, Y.Z. Link Prediction Research on Temporal Network Based on Graph Embedding Method. J. Hangzhou Norm. Univ. (Sci. Ed.) 2020, 19, 472–480. [Google Scholar]
  24. Dong, Y.; Chawla, N.V.; Swami, A. metapath2vec: Scalable Representation Learning for Heterogeneous Networks. In Proceedings of the 23rd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, Halifax, NS, USA, 13–17 August 2017. [Google Scholar]
  25. Fu, T.Y.; Lee, W.C.; Zhen, L. HIN2Vec: Explore Meta-paths in Heterogeneous Information Networks for Representation Learning. In Proceedings of the 2017 ACM on Conference on Information and Knowledge Management, Singapore, 6–10 November 2017. [Google Scholar]
  26. Jiang, Z.; Zhang, W.; Zhang, J. Link prediction method based on graph convolution neural network in heterogeneous networks. Comput. Eng. Des. 2022, 43, 7. [Google Scholar]
  27. Lichtenwalter, R.N.; Lussier, J.T.; Chawla, N.V. New perspectives and methods in link prediction. In Proceedings of the 16th ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, Washington, DC, USA, 25–28 July 2010. [Google Scholar]
  28. Pan, Y.; Yu, H.; Liu, S. Link prediction algorithm based on Neural Network. J. Netw. Inf. Secur. 2018, 4, 9. [Google Scholar]
  29. Shi, Y.; Chen, Y.; Shi, L.; Wang, K.; Wang, B.; Li, L.; Ma, Y.; Li, Y.; Sun, Z.; Ali, W.; et al. An Overview and Future Perspectives of Rechargeable Zinc Batteries. Small 2020, 16, e2000730. [Google Scholar] [CrossRef]
  30. Jaccard, P. The distribution of the flora in the alpine zone. New Phytol. 1912, 11, 37–50. [Google Scholar] [CrossRef]
  31. Adamic, L.A.; Adar, E. Friends and neighbors on the Web. Soc. Netw. 2003, 25, 211–230. [Google Scholar] [CrossRef]
  32. Zhou, T.; Lü, L.; Zhang, Y.-C. Predicting missing links via local information. Eur. Phys. J. B 2009, 71, 623–630. [Google Scholar] [CrossRef]
  33. Harris, D.; Harris, S. Digital Design and Computer Architecture; Elsevier: Amsterdam, The Netherlands, 2012. [Google Scholar]
  34. Jones, K.S. A statistical interpretation of term specificity and its application in retrieval. J. Doc. 1972, 28, 11–21. [Google Scholar] [CrossRef]
  35. Berkson, J. Application of the logistic function to bio-assay. J. Am. Stat. Assoc. 1944, 39, 357–365. [Google Scholar]
  36. Ho, T.K. Random decision forests. In Proceedings of the 3rd International Conference on Document Analysis and Recognition, Montreal, QC, Canada, 14–16 August 1995; Volume 1, pp. 278–282. [Google Scholar]
  37. Ho, T.K. The random subspace method for constructing decision forests. IEEE Trans. Pattern Anal. Mach. Intell. 1998, 20, 832–844. [Google Scholar] [CrossRef]
  38. Chen, T.; Guestrin, C. XGBoost: A Scalable Tree Boosting System. In Proceedings of the 22nd ACM SIGKDD International Conference on Knowledge Discovery and Data Mining (KDD’16), San Francisco, CA, USA, 13–17 August 2016; pp. 785–794. [Google Scholar] [CrossRef]
  39. Brody, S.; Alon, U.; Yahav, E. How Attentive are Graph Attention Networks? In Proceedings of the International Conference on Learning Representations, Virtual Event, 25–29 April 2022. [Google Scholar]
  40. Tang, J.; Ericson, L.; Folkesson, J.; Jensfelt, P. GCNv2: Efficient Correspondence Prediction for Real-Time SLAM. IEEE Robot. Autom. Lett. 2019, 4, 3505–3512. [Google Scholar] [CrossRef]
  41. Blondel, V.D.; Guillaume, J.-L.; Lambiotte, R.; Lefebvre, E. Fast unfolding of communities in large networks. J. Stat. Mech. Theory Exp. 2008, P10008. [Google Scholar] [CrossRef]
  42. Paszke, A.; Gross, S.; Massa, F.; Lerer, A.; Bradbury, J.; Chanan, G.; Killeen, T.; Lin, Z.; Gimelshein, N.; Antiga, L.; et al. PyTorch: An Imperative Style, High-Performance Deep Learning Library. Adv. Neural Inf. Process. Syst. 2019, 32, 8024–8035. [Google Scholar]
Figure 1. General idea, which integrates community detection algorithms with GNN models.
Figure 1. General idea, which integrates community detection algorithms with GNN models.
Mathematics 12 00369 g001
Figure 2. The general methodology of different GNN variants.
Figure 2. The general methodology of different GNN variants.
Mathematics 12 00369 g002
Figure 3. Training loss over epochs for GAT models.
Figure 3. Training loss over epochs for GAT models.
Mathematics 12 00369 g003
Figure 4. Training loss over epochs for GCN models.
Figure 4. Training loss over epochs for GCN models.
Mathematics 12 00369 g004
Figure 5. Training loss over epochs for GraphSAGE model.
Figure 5. Training loss over epochs for GraphSAGE model.
Mathematics 12 00369 g005
Figure 6. Training loss over epochs for different models.
Figure 6. Training loss over epochs for different models.
Mathematics 12 00369 g006
Table 1. Heuristic-based methods overview.
Table 1. Heuristic-based methods overview.
MethodPrecisionRecallF1-ScoreAUC Score
Random Prediction0.50.50.50.5
Common Neighbor0.8440.8690.8560.854
Jaccard Coefficient0.8540.7860.8190.826
Adamic/Adar0.9420.6510.770.806
Resource Allocation0.9140.7660.8340.847
Table 2. Machine learning methods overview.
Table 2. Machine learning methods overview.
MethodPrecisionRecallF1-ScoreAUC Score
Logistic Regression0.780.7090.7430.754
Random Forest0.8380.7930.8150.82
XGBoost0.8640.6350.7940.809
Table 3. Graph neural networks overview.
Table 3. Graph neural networks overview.
MethodPrecisionRecallF1-ScoreAUC Score
GAT0.5730.9180.7050.777
GAT + Louvain0.6060.9230.7320.823
GATv20.5820.9320.7170.812
GATv2 + Louvain0.6080.9130.7300.830
GCN0.6640.9570.7840.892
GCN + Louvain0.6820.9650.7990.906
GCNv20.7000.9760.8150.917
GCNv2 + Louvain0.6800.9700.7990.919
GraphSAGE0.6560.9390.7720.859
GraphSAGE + Louvain0.6880.9520.7990.878
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

Liu, C.; Han, Y.; Xu, H.; Yang, S.; Wang, K.; Su, Y. A Community Detection and Graph-Neural-Network-Based Link Prediction Approach for Scientific Literature. Mathematics 2024, 12, 369. https://doi.org/10.3390/math12030369

AMA Style

Liu C, Han Y, Xu H, Yang S, Wang K, Su Y. A Community Detection and Graph-Neural-Network-Based Link Prediction Approach for Scientific Literature. Mathematics. 2024; 12(3):369. https://doi.org/10.3390/math12030369

Chicago/Turabian Style

Liu, Chunjiang, Yikun Han, Haiyun Xu, Shihan Yang, Kaidi Wang, and Yongye Su. 2024. "A Community Detection and Graph-Neural-Network-Based Link Prediction Approach for Scientific Literature" Mathematics 12, no. 3: 369. https://doi.org/10.3390/math12030369

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