Home Attention community discovery model applied to complex network information analysis
Article Open Access

Attention community discovery model applied to complex network information analysis

  • Ruiwu Chen EMAIL logo and Zeran Liang
Published/Copyright: July 8, 2025
Become an author with De Gruyter Brill

Abstract

The complexity of network information is on the rise, posing challenges for traditional community discovery methods when dealing with large-scale, multimodal, and dynamic networks. This research utilizes the attention mechanism (AM) to adaptively learn the association weights among nodes and constructs a community discovery model (CDM) based on the AM. The model incorporates convolutional neural networks and spectral clustering algorithms to improve the practical application of CDMs. Performance testing of the research-proposed model revealed that the accuracy of the model was 92.5 and 95.0% in the training and test sets, respectively. Subsequently, in the empirical analysis of the model, it was found that the standardized mutual information level and modularity level of the research proposed CDM were 0.917 and 0.920, respectively, which were significantly better than the conventional model. The results suggest that the proposed CDM has practical applications and provides new perspectives and methods for processing information in complex networks. This helps to reveal the relationships between nodes and the community structure in the network. The research is significant for predicting information dissemination, discovering key nodes, and evaluating network influence.

Abbreviations

ACDM

Attention community discovery model

AM

Attention mechanism

CDM

Community discovery model

CNN

Convolutional neural network

HDLGN

Hand depth local global network

Ncut

Normalized cut

NI

Network information

NMI

Normalized mutual information

SCA

Spectral clustering algorithm

1 Introduction

Network information (NI) is incredibly complicated and diverse due to the Internet’s rapid expansion [1]. Social networks, online forums, news media, etc., continue to provide us with a wide range of information dissemination channels. In these networks, the interweaving of nodes and edges forms an intricate network structure [2]. Understanding the structure and dynamics of these networks is crucial for tasks such as predicting information dissemination and identifying key nodes [3]. Community discovery, as the core of network science, aims to reveal the close relationships among nodes in a network and identify groups of nodes with similar attributes or behaviors [4]. At present, more and more scholars have studied the community detection model. To solve the problem of community detection in network analysis, Jin et al. proposed a method based on a probability graph model and deep learning. However, these methods lack a deep understanding of the theoretical and methodological basis of community detection, resulting in poor detection results [5]. Aiming at the problem of identifying user ideas in open innovation communities, Song et al. proposed a creative potential mining method based on a graph attention network. By constructing a double-layer network structure of user creativity and using a graph attention network to learn node features and network relationships, potential user creativity can be effectively identified [6]. Fang et al. have proposed a variety of solutions to the densest subgraph discovery problem in graph data mining. These schemes have been widely used in social network community detection, graph index construction, DNA regulatory module discovery, fake fan detection, etc., and the future research direction is pointed out [7]. The above research shows that traditional community discovery methods mainly rely on network topology for optimization. However, in the face of today’s complex NI, these methods encounter challenges such as noise, dynamic evolution, and multimodal information.

In recent years, attention mechanism (AM) has made great achievements in many fields. It simulates the selective characteristics of human visual attention and can focus on important parts of input data [8]. In order to solve the focus problem of deep learning when processing large amounts of information, Niu et al. proposed a unified model based on an AM, which is suitable for most attention structures. The research results show that this AM structure can improve the efficiency and accuracy of deep learning and has practical value [9]. In order to solve the problem of high consumption of computing resources in deep learning super-resolution methods, Zhu et al. proposed a lightweight single-image super-resolution network. By introducing the expectation maximization AM and multi-scale feature extraction blocks, the method achieves a good balance between performance and applicability. Experimental results show that the network is superior to existing lightweight super-resolution methods in terms of quantitative indexes and visual quality [10]. To address the challenges in evaluating healthy eating, Gao et al. proposed an approach to evaluating dish health based on depth features and AMs. This method uses an in-depth local-global network to recognize dishes and combines local and global AMs to return dishes' taste as recognition results. Experiments show that this method can effectively improve the accuracy of taste recognition [11].

Although AMs have achieved remarkable results in several fields, there are still some key research gaps and challenges when applying them to complex NI analysis, especially community discovery tasks. On the one hand, most of the existing AMs are limited to dealing with network topology information, but ignore the important dimension of node attributes. As an important part of NI, node attributes play an important role in accurately identifying community structure. On the other hand, although a few studies have attempted to combine AMs with node attributes, they often lack an effective way to learn the association weights between nodes adaptively, resulting in limited accuracy and stability of community discovery.

To fill this research gap, this study proposes a community discovery model (CDM) based on AMs. The model first uses the AM to model the correlation between nodes, assigns weights by calculating the correlation between nodes, and realizes the focus and extraction of key information. Then, convolutional neural networks are introduced into the model to extract high-level representations of node features. Finally, the nodes are grouped by a spectral clustering algorithm (SCA) to form a community structure. The aim of this study is to improve the accuracy and stability of CDM in processing complex NI by introducing AM. By fusing the network topology and node attribute information and adaptively learning the correlation weights between nodes, the research is expected to reveal a more detailed and accurate community structure. This not only helps to deeply understand the structure and dynamic changes of the network, but also provides new perspectives and methods for tasks such as predicting information dissemination, mining key nodes, and assessing network influence.

The article is mainly divided into four parts. The first part describes and analyzes the background and research status of AM and CDM and then leads to the research method. The second part introduces the construction process and structure of the attention community discovery model (ACDM) in detail. The third part is to test and analyze the performance of the ACDM. The last part is the overall overview and summary of the article and the prospect of the future direction of this field.

2 Methods

2.1 NI analysis model construction based on AMs

With the explosive growth of Internet information, how to extract valuable content accurately from massive information has become the focus of research. The traditional method is based on simple statistics and rules and cannot adapt to the complex and changeable network environment [12,13]. The AM is a technique in deep learning that assigns weights by calculating similarities between queries and key values, thereby enabling dynamic focus on input data [14]. The AM is a core component of this study, which allows the model to dynamically focus on important nodes and relationships when processing NI [15]. A dot-product AM is used to determine the attention weight by calculating the dot-product between the query vector and the key vector, and then the weighted summation of the value vector is performed. The mechanism of attention is shown in Figure 1.

Figure 1 
                  Basic structure of AM.
Figure 1

Basic structure of AM.

AM is an important concept in deep learning, and its core principle lies in assigning different attentional weights by calculating the mapping relationship between queries and key values. The input data X is represented by

(1) X = ( K , V ) ,

where K in Eq. (1) is the distribution σ i for computing attention and V is used to compute the aggregation information. This mechanism can be decomposed into three main steps: first, the weights are calculated based on the proximity of the query to each key value, and the formula for the scoring model is shown as follows:

(2) s i = F ( Q , k i ) ,

where s i represents the calculated attention score, Q is the query, and k i represents the input information. Next, these weights are normalized by the softmax function, whose normalization formula is shown as follows:

(3) α i = S o f t max ( s i ) = exp ( s i ) j = 1 N exp ( s j ) .

Finally, the weighted summation of the corresponding values using the normalized weights yields the final attention value, whose expression is shown as follows:

(4) A t t e n t i o n = ( ( K , V ) , Q ) = i = 1 N α i v i .

In a physical sense, AM is designed to selectively focus on specific parts of the information with limited resources, which can be regarded as a similarity metric [16,17]. Combined with the existing model structure, AM not only improves the model, but also dynamically enhances the model performance by adjusting the threshold value. In the context of data explosion and limited computational resources, AM is important for the future development of deep learning. NI has diversity and complexity, containing various forms such as text, image, video, etc., each of which has its own unique structure and characteristics. In order to extract and analyze NI efficiently, an NI analysis model based on the AM is proposed in this article. The model converts information into vectors through the embedding layer, calculates the weight by using the AM, and fuses information from different sources to obtain a comprehensive representation. The model consists of an information embedding layer, an attention computing layer, and an information fusion layer. These three parts collaborate with each other to realize the effective analysis of NI. First, the information embedding layer is responsible for converting different forms of information into machine-processable vector forms. For textual information, advanced word embedding techniques are used to convert the text into a representation in vector space. In this study, Word2Vec is used as the word embedding method, and the expression of the embedding vector is shown as follows:

(5) e i = W emb v i ,

where e i is the embedding vector of word i , W emb denotes the word embedding matrix, and v i denotes the unique heat encoding of word i . Next is the attention computation layer, which is the core part of the model. This layer is responsible for calculating the attentional weights between different information to achieve focusing on key information. Then, the similarity is converted into weights by means of the softmax function, so that the information related to the current task is given a larger weight, while the irrelevant information is suppressed. In calculating the attentional weights between different information, this study uses dot product AM, and the expression for calculating the attentional weight α is shown in Eq. (6), given the query vector q , key vector k , and value vector v

(6) α = q k d k ,

where the dimension of the key vector is denoted by v i . Then, the similarity is converted into weights by the softmax function, whose expression is shown as follows:

(7) α = s o f t max ( α ) .

Finally, the output vector o is a weighted sum of the value vectors with the expression shown as follows:

(8) o = i α i v i ,

where α i is the attention weight corresponding to the value vector v i . This AM enables the model to be more efficient and accurate in processing NI. Finally, there is the information fusion layer. According to the weights obtained from the attention calculation layer, the information fusion layer weights and fuses the information from different sources to obtain a comprehensive information representation. In the information fusion layer, information from different sources can be weighted and fused according to the weights obtained from the attention computation layer. Assuming that there are n information sources, the information representation of each source is x i and the corresponding attention weight is α i , the expression of the fused information y is shown as follows:

(9) y = i = 1 n α i x i .

In this way, the fused message y contains both the richness of the original message and highlights the task-relevant information. This representation contains both the richness of the original information and highlights the information relevant to the task, providing strong support for subsequent tasks.

2.2 ACDM construction incorporating CNN and SCAs

In order to process complex network information more efficiently and to analyze the community structure better, the study proposes the ACDM, which incorporates CNN and SCA, based on the AM-based network information analysis model. The model combines the advantages of CNN in feature extraction and the flexibility of AM in information processing and utilizes SCA to identify the community structure in the network. The main process of the ACDM proposed by the study is shown in Figure 2.

Figure 2 
                  Main architecture of the ACDM proposed in the study.
Figure 2

Main architecture of the ACDM proposed in the study.

As shown in Figure 2, the ACDM proposed in this study is mainly divided into three parts: convolutional layer, AM layer, and community discovery layer. The model first needs to input the pre-processed data into the convolutional layer and use CNN to extract the features of the NI. One-dimensional convolution operation is used for text information to capture the local dependency of text. For image and video information, a two-dimensional or three-dimensional convolution operation is used to extract visual features. The extracted features are then input into the AM layer for weighted processing, so that the model can focus on more important information and ignore irrelevant or noisy information. Through the AM, the model can dynamically adjust the attention to different features and improve the accuracy of community discovery. Then, the weighted information is input to the community discovery layer. In this step, the similarity matrix is constructed based on the feature representation of the output of the AM layer, and the spectral clustering operation is carried out to divide the network nodes into different communities. Finally, the community discovery classification results are output. The specific structure of the convolutional layer used in the CDM proposed in the study is shown in Figure 3.

Figure 3 
                  Convolutional neural network structure diagram.
Figure 3

Convolutional neural network structure diagram.

It can be seen from Figure 3 that the CNN structure used in the study includes multiple convolution cores, each of which slides on the input data and performs convolution operations to generate feature graphs. Through multi-layer convolution operation, the model can automatically learn the feature representation of NI from low level to high level. In addition, the second module in the CDM is the AM layer, whose role is to introduce AMs to assign weights to different nodes or edges when calculating community structure. The second module is the AM layer, which serves to introduce AM to assign weights to different nodes or edges when computing the community structure. By calculating the similarity or importance between nodes or edges, the model is able to focus on elements that play a key role in community formation while suppressing irrelevant and noisy information. The last module is the community discovery layer, which serves to identify the community structure in the network using SCA based on the extracted features and attention weights. SCA is based on the graph cut theory, where the data set samples are considered as graph vertices, and the similarity between the samples is the inter-vertex weights to construct the undirected graph [18,19]. Using methods such as connectivity and segmentation, the undirected graph is partitioned into multiple connected subgraphs, each representing a cluster [20]. The optimal graph cut algorithm needs to satisfy the two conditions of minimum and maximum connectivity weights between subgraphs, but the graph cut partitioning may lead to an imbalance phenomenon; the graph cut partitioning imbalance phenomenon is shown in Figure 4.

Figure 4 
                  Unbalanced phenomenon of graph segmentation.
Figure 4

Unbalanced phenomenon of graph segmentation.

For the graph cut imbalance problem, there are three graph-cut approaches, which are the proportional cut approach, normalized graph cut approach (NCut), and min–max graph cut approach. The graph cut approach used in this study is Ncut, and its computational expression is shown as follows:

(10) Ncut ( A 1 , A 2 , A k ) = 1 2 i = 1 k W ( A 1 , A i ¯ ) vol ( A i ) ,

where vol ( A i ) denotes the sum of connection weights between all vertices and vertices in the subgraph. A 1 , A 2 , A k denote all vertices in the subgraph. W is denoted as the similarity matrix. Then, a degree matrix is built, and the element values on its diagonal are used to calculate the sum of the element values in the similarity matrix. Eq. (11) provides the formula for determining the element values on the diagonal of the degree matrix

(11) d i , j = J W i , j ,

where W denotes the similarity matrix. Subsequently, using the similarity matrix and the degree matrix, the Laplace moments are computed, and the Laplace matrix formula is shown as follows:

(12) Lsym = D 1 2 L D 1 2 ,

where Lsym denotes the Laplace matrix and D denotes the degree matrix. The optimization objective of the Ncut method is shown as follows:

(13) Ncut ( A 1 , A 2 , A k ) = i = 1 k h i T L h i = i = 1 k ( H T L H ) i i = t r ( H T L H ) ,

where T denotes the maximum iterations. Through the application of SCA, the proposed ACDM of the study is able to effectively identify the community structure in the network and provide a powerful tool for complex network analysis.

3 Results

3.1 Comparative analysis of ACDM incorporating CNN and SCAs

To evaluate the effectiveness of the suggested ACDM using fused CNN and SCA, Table 1 displays the fundamental experimental setup used in this study.

Table 1

Basic experimental environment of ACDM

Item Disposition
Operating system Windows 10
Processor Intel Core i7-8700K CPU@3.70 GHz
Internal memory 32 GB DDR4 RAM
Graphics card NVIDIA GeForce GTX 1080 Ti
Development tool Python 3.7, PyTorch 1.6, scikit-learn 0.23
Data set LinkedIn social network data set
Evaluation index NMI, modularity

Table 1 demonstrates the basic experimental environment configuration used to test the performance of ACDM with fused CNN and SCA in this study. With an NVIDIA GeForce GTX 1080 Ti graphics card, 32 GB DDR4 RAM, and an Intel Core i7-8700K processor running Windows 10, the trials were performed with robust computing capability and processing speed. Python 3.7 was used as the development language, and tools such as PyTorch 1.6 and scikit-learn 0.23 were combined for model development and training. To guarantee the accuracy and impartiality of the findings, the model’s performance was evaluated using the assessment criteria of accuracy, NMI, and modularity. The data set chosen for this study is the LinkedIn social network, because, as the world’s largest professional social networking platform, its data set contains rich user information, social relationships, career background, and other multidimensional data. These data can fully reflect the structure and characteristics of complex networks and provide rich experimental materials for community discovery tasks. At the same time, the community structure in the LinkedIn social network is relatively obvious, such as industry groups, occupational groups, etc., which is conducive to verifying the effectiveness of the CDM. The training set and test set, which each contain 40 samples and are split into four groups, are used to validate the accuracy of the research proposed ACDM during the testing process. Figure 5 displays the test results of the model in the training set and test set.

Figure 5 
                  Test results of the model on the training and testing sets. (a) Training set test results. (b) Test set test results.
Figure 5

Test results of the model on the training and testing sets. (a) Training set test results. (b) Test set test results.

As can be seen from Figure 5(b), the test accuracy of the research-presented model is 95.0% for the 40 samples in the test set, while Figure 5(a) shows that the model’s test accuracy is 92.5% for the 40 samples in the training set. The aforementioned findings demonstrate the research-proposed model’s high degree of accuracy in both the test and training sets, which is useful. Afterwards, the study, in order to further highlight the superiority of the research-proposed model (Model 1), conducts a comparison test with the advanced deep learning-based CDM (Model 2), statistical inference-based CDM (Model 3), and modularity-optimized CDM (Model 4) and uses the standardized mutual information and modularity as the comparison metrics. Model 2, which uses deep learning technology to extract features and divide communities from network data, has strong adaptive ability and generalization ability. Based on the statistical inference theory, Model 3 finds the community structure by calculating the similarity and connection probability between nodes, which is suitable for large-scale network data. Model 4 is one of the classical methods in the field of community discovery, aiming to maximize the modularity and divide the network community by the optimization algorithm. The standardized mutual information and modularity comparison results of the four models in the LinkedIn social network data set are shown in Figure 6.

Figure 6 
                  Standardized mutual information and modularity comparison results of the four models. (a) Comparison results of the modularity of the four models. (b) Comparison results of the normalized mutual information of the four models.
Figure 6

Standardized mutual information and modularity comparison results of the four models. (a) Comparison results of the modularity of the four models. (b) Comparison results of the normalized mutual information of the four models.

From Figure 6(a), Model 1 has the highest average modularity level in the six experiments, and its average modularity is 0.95, which is significantly higher than Model 2’s 0.88, Model 3’s 0.82, and Model 4’s 0.71. In Figure 6(b), Model 1 also has the highest average normalized mutual information (NMI) level in the six experiments, and its average NMI value is 0.94, which is significantly higher than Model 2’s 0.87, Model 3’s 0.79, and Model 4’s 0.69. The above results illustrate that the proposed CNN- and SCA-based ACDM outperforms the comparative models in terms of both modularity and standardized mutual information level dimensions. Finally, in order to compare and analyze the specific community discovery performance of the four algorithms, the study presents the specific classification performance of the four models on the data in the data set in a three-dimensional diagram, and the specific results are shown in Figure 7.

Figure 7 
                  Comparison of classification results of the four algorithms in community network discovery. (a) Classification results of model 1. (b) Classification results of model 2. (c) Classification results of model 1. (d) Classification results of model 1.
Figure 7

Comparison of classification results of the four algorithms in community network discovery. (a) Classification results of model 1. (b) Classification results of model 2. (c) Classification results of model 1. (d) Classification results of model 1.

In Figure 7, the clustering effect of the four recognition models in this data set is consistent. From the clustering results in Figure 7(a)–(d), the proposed model 1 has fewer discrete points in this data set and has a better clustering effect. In contrast, the other three models have obvious individual data ambiguities when clustering. The above results indicate that the overall performance of the proposed ACDM fusing CNN and SCA is better. Finally, in order to compare and analyze the practical application effects of the four models, the research applies the four models to the same group of community relationship recognition, which contains 20 fields. The comparison of the test results of the four models on community relationships and the actual relationship is shown in Figure 8.

Figure 8 
                  Test results of the four models on community relations and comparison of actual relationships. (a) Actual classification. (b) Test results for model 1. (c) Test results for model 2. (d) Test results for model 3. (e) Test results for model 4.
Figure 8

Test results of the four models on community relations and comparison of actual relationships. (a) Actual classification. (b) Test results for model 1. (c) Test results for model 2. (d) Test results for model 3. (e) Test results for model 4.

The red lines in Figure 8 indicate domain relationships that do not match the actual relationships. It can be found from Figure 8(b) that there are two relationships obtained from model 1 proposed by the study that are inconsistent with the actual situation, while it can be found from Figure 8(c)–(e) that there are 5, 4, and 6 relationships, respectively, obtained from Models B, C, and D that are inconsistent with the actual situation. The above results show that the CDM proposed in this study is significantly better than the comparison model in identifying community relations.

3.2 Effectiveness of the practical application of ACDM

The study uses a genuine community network analysis to examine the proposed ACDM’s impact on practical implementation. The study chooses an online community with rich social activities as the research object, which has millions of registered users, and the topics in the community cover popular fields such as artificial intelligence, machine learning, blockchain, etc., attracting a large number of professionals and enthusiasts to participate. In this study, 17 areas of the community were selected for relationship testing, and the experimental results of the proposed ACDM were compared with the traditional CDM. Among them, the traditional CDM is based on graph theory, which has wide application and deep research foundations in the field of community discovery. Using them as a baseline comparison, it is possible to assess the degree of improvement of the proposed ACDM relative to existing techniques. Although the traditional model is limited in some ways, it still performs well in many practical applications. By comparing these models, we can better understand the strengths and weaknesses of the ACDM in practical applications. The specific comparison results are shown in Figure 9.

Figure 9 
                  Comparison between the experimental results of the proposed ACDM and the traditional CDM and the actual results. (a) Actual classification. (b) Study the classification of proposed models. (c) Classification of traditional models.
Figure 9

Comparison between the experimental results of the proposed ACDM and the traditional CDM and the actual results. (a) Actual classification. (b) Study the classification of proposed models. (c) Classification of traditional models.

The red lines in Figure 9(b) and (c) indicate the domain relationships that do not match the actual relationships. Two relations total that were acquired using the research-proposed model do not match the real scenario, as shown in Figure 9(b). On the contrary, Figure 9(c) shows that five relations total that were obtained using the traditional model do not match the actual situation. The aforementioned findings show that the suggested CDM has superior practical application than the conventional model and a very high degree of recognition accuracy. In order to compare the recognition accuracy of the two CDMs in a more detailed way, the prediction errors of the two models for each domain are normalized and the data are statistically obtained in Figure 10.

Figure 10 
                  Comparison of prediction errors of the two models.
Figure 10

Comparison of prediction errors of the two models.

Figure 10 shows that the research-proposed CDM’s overall prediction error curve outperforms the classic model’s overall prediction curve. The proposed CDM has a minimum average prediction error of −0.019, which is better than the traditional model’s −0.037, and a maximum average prediction error of 0.018, which is better than the traditional model’s 0.039. These results further demonstrate that the proposed CDM performs better in real-world applications than the traditional model. Finally, Table 2 is used to provide statistics on the standardized mutual information and modularity results of the two models in the process of practical application.

Table 2

Standardized mutual information and modularity results of two models in practical applications

Different fields Research proposal model Traditional model
NMI Modularity NMI Modularity
Domain 1 0.92 0.94 0.77 0.81
Domain 2 0.93 0.95 0.79 0.76
Domain 3 0.91 0.92 0.81 0.78
Domain 4 0.91 0.91 0.75 0.79
Domain 5 0.92 0.90 0.76 0.80
Domain 6 0.93 0.89 0.77 0.82
Domain 7 0.90 0.93 0.79 0.79

In Table 2, the average standardized mutual information level of the proposed ACDM in the seven domains is 0.917, which is better than that of the traditional model of 0.777. In addition, it can also be found from Table 2 that the average modularity level of the proposed ACDM in the seven domains is 0.920, which is better than that of the traditional model of 0.793. The aforementioned findings show that, when compared to the old model, the suggested ACDM performs better in terms of practical applications due to its modularity and standardized mutual information level. Level two results are compared, and the performance of the research-proposed ACDM based on CNN and SCA is better than the traditional model and more practical.

4 Discussion

By introducing AM and combining convolutional neural networks and SCA, we construct a new CDM. The main goal of the research is to improve the accuracy and stability of community discovery, thereby providing strong support for tasks such as predicting information dissemination, discovering key nodes, and evaluating network influence. The results show that the proposed ACDM performs well in the performance test, and its modularity and standardized mutual information level are significantly higher than other advanced CDMs. This finding verifies the effectiveness of the AM in processing complex NI and also shows that the combination of CNN and SCA can further improve the performance of the model. In the empirical analysis, the model also performs well, and its prediction error is significantly lower than that of the traditional model, which further proves its practicability and accuracy.

At present, although some scholars have conducted research on community discovery, there are still some shortcomings. For example, the CDM proposed by Wan et al. has a poor effect on the extraction of key information in the community network, resulting in a low recognition accuracy of the CDM [21]. In addition, in order to enhance the accuracy of community discovery, Gharehchopogh proposed a CDM based on an improved Harris Hawks optimization algorithm. However, due to the poor clustering effect of this model, As a result, the classification accuracy of community structure is not high [22]. Compared with existing research, the proposed model makes significant progress in two aspects. First, by introducing the AM, the model can adaptively learn the correlation weights between nodes, so as to capture key information in the network more accurately. Second, by combining the feature extraction capability of CNN and the clustering effect of SCA, the model can identify the community structure more effectively. These innovations make the research an important contribution to advancing AM-based community discovery techniques.

Although the research has achieved effective results, there are still some limitations in the experimental process. For example, when dealing with larger and more complex networks, the performance and stability of the model still need to be further improved. In addition, the model is sensitive to noise and anomalies in the network, which may affect the accuracy of community discovery. Therefore, in future studies, further optimization and improvement of the model can be considered to improve its robustness and generalization ability.

5 Conclusion

Aiming at the challenge of community discovery in complex NI analysis, this article proposes an innovative CDM based on the AM. By introducing the AM and combining CNN and SCAs, the model can adaptively learn the association weights between nodes, so as to identify the community structure more accurately. This innovation not only improves the accuracy and stability of community discovery, but also provides new perspectives and methods for tasks such as predicting the spread of information, discovering key nodes, and assessing network influence. The experimental results show that the modularity of the proposed model on the LinkedIn social network data set reaches 0.95, and the standardized mutual information value is 0.94, both of which are significantly higher than the comparison model. In the empirical analysis, the accuracy of community relationship recognition of the model is significantly higher than that of the traditional model, and the prediction error is lower. These results fully prove the effectiveness and practicability of the research model in processing complex NI. The contribution of this study is to fill the shortcomings of existing community discovery methods in dealing with complex NI, especially through the introduction of AM, to realize the adaptive learning of correlation weights between nodes, thus improving the performance of the model. In addition, combining the feature extraction ability of CNN and the clustering effect of SCA, the recognition ability of the model is further enhanced. However, the performance and stability of the model still need to be further improved when dealing with larger and more complex networks. In response to this problem, future research can explore more efficient AMs, more advanced feature extraction methods, and more robust clustering algorithms to improve the performance of the model when processing complex NI. At the same time, we can also consider applying this research model to more practical scenarios to verify its universality and practicability.

  1. Funding information: Authors state no funding involved.

  2. Author contributions: All authors have accepted responsibility for the entire content of this manuscript and approved its submission.

  3. Conflict of interest: Authors state no conflict of interest.

  4. Data availability statement: All data generated or analyzed during this study are included in this published article.

References

[1] Wu S, Sun F, Zhang W, Cui B. Graph neural networks in recommender systems: a survey. ACM Comput Surv. 2022;55(5):1–37.10.1145/3535101Search in Google Scholar

[2] Bo D, Wang X, Shi C, Shen H. Beyond low-frequency information in graph convolutional networks. Proceedings of the AAAI Conference on Artificial Intelligence. Vol. 35, No. 5, 2021. p. 3950–7.10.1609/aaai.v35i5.16514Search in Google Scholar

[3] Li G, Liu Z, Ling H. ICNet: Information conversion network for RGB-D based salient object detection. IEEE Trans Image Process. 2020;29(5):4873–84.10.1109/TIP.2020.2976689Search in Google Scholar PubMed

[4] Pal S, Roy A, Shivakumara P, Pal U. Adapting a swin transformer for license plate number and text detection in drone images. Artif Intell Appl. 2023;1(3):145–54.10.47852/bonviewAIA3202549Search in Google Scholar

[5] Jin D, Yu Z, Jiao P, Pan S, He D, Wu J, et al. A survey of community detection approaches: From statistical modeling to deep learning. IEEE Trans Knowl Data Eng. 2021;35(2):1149–70.10.1109/TKDE.2021.3104155Search in Google Scholar

[6] Song W, Yang Y, Liu XM. Discovering potentialities of user ideas from open innovation communities with graph attention network. Data Anal Knowl Discovery. 2021;5(11):89–101.Search in Google Scholar

[7] Fang Y, Luo W, Ma C. Densest subgraph discovery on large graphs: Applications, challenges, and techniques. Proceedings of the VLDB Endowment. Vol. 15, No. 12, 2022. p. 3766–9.10.14778/3554821.3554895Search in Google Scholar

[8] Chen Y, Liu L, Phonevilay V. Image super-resolution reconstruction based on feature map attention mechanism. Appl Intell. 2021;51(3):4367–80.10.1007/s10489-020-02116-1Search in Google Scholar

[9] Niu Z, Zhong G, Yu H. A review on the attention mechanism of deep learning. Neurocomputing. 2021;452(5):48–62.10.1016/j.neucom.2021.03.091Search in Google Scholar

[10] Zhu X, Guo K, Ren S, Hu B, Hu M, Fang H. Lightweight image super-resolution with expectation-maximization attention mechanism. IEEE Trans Circuits Syst Video Technol. 2021;32(3):1273–84.10.1109/TCSVT.2021.3078436Search in Google Scholar

[11] Gao H, Xu K, Cao M, Xu Q, Yin Y. The deep features and attention mechanism-based method to dish healthcare under social iot systems: an empirical study with a hand-deep local–global net. IEEE Trans Comput Soc Syst. 2021;9(1):336–47.10.1109/TCSS.2021.3102591Search in Google Scholar

[12] Chen D, Huang X, Wang Y, Wang D. Weighted-group-density based community discovery algorithm for dynamic weighted networks. J Internet Technol. 2020;21(5):1545–52.Search in Google Scholar

[13] Lei S, Yi W, Ying C, Ruibin W. Review of attention mechanism in natural language processing. Data Anal Knowl Discovery. 2020;4(5):1–14.Search in Google Scholar

[14] Soydaner D. Attention mechanism in neural networks: where it comes and where it goes. Neural Comput Appl. 2022;34(16):13371–85.10.1007/s00521-022-07366-3Search in Google Scholar

[15] Jokar E, Mosleh M, Kheyrandish M. GWBM: an algorithm based on grey wolf optimization and balanced modularity for community discovery in social networks. J Supercomput. 2022;78(5):7354–77.10.1007/s11227-021-04174-9Search in Google Scholar

[16] Liang Z, Tao M, Wang L, Su J, Yang X. Automatic modulation recognition based on adaptive attention mechanism and ResNeXt WSL model. IEEE Commun Lett. 2021;25(9):2953–7.10.1109/LCOMM.2021.3093485Search in Google Scholar

[17] Zhang M, Wu S, Gao M, Jiang X, Xu K, Wang L. Personalized graph neural networks with attention mechanism for session-aware recommendation. IEEE Trans Knowl Data Eng. 2020;34(8):3946–57.10.1109/TKDE.2020.3031329Search in Google Scholar

[18] Kong F, Li J, Jiang B, Wang H, Song H. Integrated generative model for industrial anomaly detection via Bidirectional LSTM and attention mechanism. IEEE Trans Ind Inform. 2021;19(1):541–50.10.1109/TII.2021.3078192Search in Google Scholar

[19] Löffler M, Zhang AY, Zhou HH. Optimality of spectral clustering in the Gaussian mixture model. Ann Stat. 2021;49(5):2506–30.10.1214/20-AOS2044Search in Google Scholar

[20] Chandra R, Guan T, Panuganti S, Mittal T, Bhattacharya U, Bera A, et al. Forecasting trajectory and behavior of road-agents using spectral clustering in graph-lstms. IEEE Robot Autom Lett. 2020;5(3):4882–90.10.1109/LRA.2020.3004794Search in Google Scholar

[21] Wan M, Zha D, Liu N, Zou N. In-processing modeling techniques for machine learning fairness: A survey. ACM Trans Knowl Discovery Data. 2023;17(3):1–27.10.1145/3551390Search in Google Scholar

[22] Gharehchopogh FS. An improved Harris Hawks optimization algorithm with multi-strategy for community detection in social network. J Bionic Eng, 2023, 20(3): 1175–97.10.1007/s42235-022-00303-zSearch in Google Scholar

Received: 2024-08-14
Revised: 2024-11-22
Accepted: 2025-03-19
Published Online: 2025-07-08

© 2025 the author(s), published by De Gruyter

This work is licensed under the Creative Commons Attribution 4.0 International License.

Articles in the same Issue

  1. Research Articles
  2. Generalized (ψ,φ)-contraction to investigate Volterra integral inclusions and fractal fractional PDEs in super-metric space with numerical experiments
  3. Solitons in ultrasound imaging: Exploring applications and enhancements via the Westervelt equation
  4. Stochastic improved Simpson for solving nonlinear fractional-order systems using product integration rules
  5. Exploring dynamical features like bifurcation assessment, sensitivity visualization, and solitary wave solutions of the integrable Akbota equation
  6. Research on surface defect detection method and optimization of paper-plastic composite bag based on improved combined segmentation algorithm
  7. Impact the sulphur content in Iraqi crude oil on the mechanical properties and corrosion behaviour of carbon steel in various types of API 5L pipelines and ASTM 106 grade B
  8. Unravelling quiescent optical solitons: An exploration of the complex Ginzburg–Landau equation with nonlinear chromatic dispersion and self-phase modulation
  9. Perturbation-iteration approach for fractional-order logistic differential equations
  10. Variational formulations for the Euler and Navier–Stokes systems in fluid mechanics and related models
  11. Rotor response to unbalanced load and system performance considering variable bearing profile
  12. DeepFowl: Disease prediction from chicken excreta images using deep learning
  13. Channel flow of Ellis fluid due to cilia motion
  14. A case study of fractional-order varicella virus model to nonlinear dynamics strategy for control and prevalence
  15. Multi-point estimation weldment recognition and estimation of pose with data-driven robotics design
  16. Analysis of Hall current and nonuniform heating effects on magneto-convection between vertically aligned plates under the influence of electric and magnetic fields
  17. A comparative study on residual power series method and differential transform method through the time-fractional telegraph equation
  18. Insights from the nonlinear Schrödinger–Hirota equation with chromatic dispersion: Dynamics in fiber–optic communication
  19. Mathematical analysis of Jeffrey ferrofluid on stretching surface with the Darcy–Forchheimer model
  20. Exploring the interaction between lump, stripe and double-stripe, and periodic wave solutions of the Konopelchenko–Dubrovsky–Kaup–Kupershmidt system
  21. Computational investigation of tuberculosis and HIV/AIDS co-infection in fuzzy environment
  22. Signature verification by geometry and image processing
  23. Theoretical and numerical approach for quantifying sensitivity to system parameters of nonlinear systems
  24. Chaotic behaviors, stability, and solitary wave propagations of M-fractional LWE equation in magneto-electro-elastic circular rod
  25. Dynamic analysis and optimization of syphilis spread: Simulations, integrating treatment and public health interventions
  26. Visco-thermoelastic rectangular plate under uniform loading: A study of deflection
  27. Threshold dynamics and optimal control of an epidemiological smoking model
  28. Numerical computational model for an unsteady hybrid nanofluid flow in a porous medium past an MHD rotating sheet
  29. Regression prediction model of fabric brightness based on light and shadow reconstruction of layered images
  30. Review Article
  31. Haar wavelet collocation method for existence and numerical solutions of fourth-order integro-differential equations with bounded coefficients
  32. Special Issue: Nonlinear Analysis and Design of Communication Networks for IoT Applications - Part II
  33. Silicon-based all-optical wavelength converter for on-chip optical interconnection
  34. Research on a path-tracking control system of unmanned rollers based on an optimization algorithm and real-time feedback
  35. Analysis of the sports action recognition model based on the LSTM recurrent neural network
  36. Industrial robot trajectory error compensation based on enhanced transfer convolutional neural networks
  37. Research on IoT network performance prediction model of power grid warehouse based on nonlinear GA-BP neural network
  38. Interactive recommendation of social network communication between cities based on GNN and user preferences
  39. Application of improved P-BEM in time varying channel prediction in 5G high-speed mobile communication system
  40. Construction of a BIM smart building collaborative design model combining the Internet of Things
  41. Optimizing malicious website prediction: An advanced XGBoost-based machine learning model
  42. Economic operation analysis of the power grid combining communication network and distributed optimization algorithm
  43. Sports video temporal action detection technology based on an improved MSST algorithm
  44. Internet of things data security and privacy protection based on improved federated learning
  45. Enterprise power emission reduction technology based on the LSTM–SVM model
  46. Construction of multi-style face models based on artistic image generation algorithms
  47. Special Issue: Decision and Control in Nonlinear Systems - Part II
  48. Animation video frame prediction based on ConvGRU fine-grained synthesis flow
  49. Application of GGNN inference propagation model for martial art intensity evaluation
  50. Benefit evaluation of building energy-saving renovation projects based on BWM weighting method
  51. Deep neural network application in real-time economic dispatch and frequency control of microgrids
  52. Real-time force/position control of soft growing robots: A data-driven model predictive approach
  53. Mechanical product design and manufacturing system based on CNN and server optimization algorithm
  54. Application of finite element analysis in the formal analysis of ancient architectural plaque section
  55. Research on territorial spatial planning based on data mining and geographic information visualization
  56. Fault diagnosis of agricultural sprinkler irrigation machinery equipment based on machine vision
  57. Closure technology of large span steel truss arch bridge with temporarily fixed edge supports
  58. Intelligent accounting question-answering robot based on a large language model and knowledge graph
  59. Analysis of manufacturing and retailer blockchain decision based on resource recyclability
  60. Flexible manufacturing workshop mechanical processing and product scheduling algorithm based on MES
  61. Exploration of indoor environment perception and design model based on virtual reality technology
  62. Tennis automatic ball-picking robot based on image object detection and positioning technology
  63. A new CNN deep learning model for computer-intelligent color matching
  64. Design of AR-based general computer technology experiment demonstration platform
  65. Indoor environment monitoring method based on the fusion of audio recognition and video patrol features
  66. Health condition prediction method of the computer numerical control machine tool parts by ensembling digital twins and improved LSTM networks
  67. Establishment of a green degree evaluation model for wall materials based on lifecycle
  68. Quantitative evaluation of college music teaching pronunciation based on nonlinear feature extraction
  69. Multi-index nonlinear robust virtual synchronous generator control method for microgrid inverters
  70. Manufacturing engineering production line scheduling management technology integrating availability constraints and heuristic rules
  71. Analysis of digital intelligent financial audit system based on improved BiLSTM neural network
  72. Attention community discovery model applied to complex network information analysis
  73. A neural collaborative filtering recommendation algorithm based on attention mechanism and contrastive learning
  74. Rehabilitation training method for motor dysfunction based on video stream matching
  75. Research on façade design for cold-region buildings based on artificial neural networks and parametric modeling techniques
  76. Intelligent implementation of muscle strain identification algorithm in Mi health exercise induced waist muscle strain
  77. Optimization design of urban rainwater and flood drainage system based on SWMM
  78. Improved GA for construction progress and cost management in construction projects
  79. Evaluation and prediction of SVM parameters in engineering cost based on random forest hybrid optimization
  80. Special Issue: Nonlinear Engineering’s significance in Materials Science
  81. Experimental research on the degradation of chemical industrial wastewater by combined hydrodynamic cavitation based on nonlinear dynamic model
  82. Study on low-cycle fatigue life of nickel-based superalloy GH4586 at various temperatures
  83. Some results of solutions to neutral stochastic functional operator-differential equations
  84. Ultrasonic cavitation did not occur in high-pressure CO2 liquid
  85. Research on the performance of a novel type of cemented filler material for coal mine opening and filling
  86. Testing of recycled fine aggregate concrete’s mechanical properties using recycled fine aggregate concrete and research on technology for highway construction
  87. A modified fuzzy TOPSIS approach for the condition assessment of existing bridges
  88. Nonlinear structural and vibration analysis of straddle monorail pantograph under random excitations
  89. Achieving high efficiency and stability in blue OLEDs: Role of wide-gap hosts and emitter interactions
  90. Construction of teaching quality evaluation model of online dance teaching course based on improved PSO-BPNN
  91. Enhanced electrical conductivity and electromagnetic shielding properties of multi-component polymer/graphite nanocomposites prepared by solid-state shear milling
  92. Optimization of thermal characteristics of buried composite phase-change energy storage walls based on nonlinear engineering methods
  93. A higher-performance big data-based movie recommendation system
  94. Nonlinear impact of minimum wage on labor employment in China
  95. Nonlinear comprehensive evaluation method based on information entropy and discrimination optimization
  96. Application of numerical calculation methods in stability analysis of pile foundation under complex foundation conditions
  97. Research on the contribution of shale gas development and utilization in Sichuan Province to carbon peak based on the PSA process
  98. Characteristics of tight oil reservoirs and their impact on seepage flow from a nonlinear engineering perspective
  99. Nonlinear deformation decomposition and mode identification of plane structures via orthogonal theory
  100. Numerical simulation of damage mechanism in rock with cracks impacted by self-excited pulsed jet based on SPH-FEM coupling method: The perspective of nonlinear engineering and materials science
  101. Special Issue: Advances in Nonlinear Dynamics and Control
  102. Development of a cognitive blood glucose–insulin control strategy design for a nonlinear diabetic patient model
  103. Big data-based optimized model of building design in the context of rural revitalization
  104. Multi-UAV assisted air-to-ground data collection for ground sensors with unknown positions
  105. Design of urban and rural elderly care public areas integrating person-environment fit theory
  106. Application of lossless signal transmission technology in piano timbre recognition
  107. Application of improved GA in optimizing rural tourism routes
  108. Architectural animation generation system based on AL-GAN algorithm
  109. Advanced sentiment analysis in online shopping: Implementing LSTM models analyzing E-commerce user sentiments
  110. Intelligent recommendation algorithm for piano tracks based on the CNN model
  111. Visualization of large-scale user association feature data based on a nonlinear dimensionality reduction method
  112. Low-carbon economic optimization of microgrid clusters based on an energy interaction operation strategy
  113. Optimization effect of video data extraction and search based on Faster-RCNN hybrid model on intelligent information systems
  114. Construction of image segmentation system combining TC and swarm intelligence algorithm
  115. Particle swarm optimization and fuzzy C-means clustering algorithm for the adhesive layer defect detection
  116. Optimization of student learning status by instructional intervention decision-making techniques incorporating reinforcement learning
  117. Fuzzy model-based stabilization control and state estimation of nonlinear systems
  118. Optimization of distribution network scheduling based on BA and photovoltaic uncertainty
Downloaded on 23.9.2025 from https://www.degruyterbrill.com/document/doi/10.1515/nleng-2025-0124/html
Scroll to top button