1,142 results on '"Graph attention network"'
Search Results
2. Cnn-assisted multi-hop graph attention network for hyperspectral image classification.
- Author
-
Wang, Hongxi, Guo, Wenhui, Wang, Xueqin, and Wang, Yanjiang
- Abstract
Recently, the convolutional neural network (CNN) has gained widespread adoption in the hyperspectral image (HSI) classification owing to its remarkable feature extraction capability. However, the fixed acceptance domain of CNN restricts it to Euclidean image data only, making it difficult to capture complex information in hyperspectral data. To overcome this problem, much attention has been paid to the graph attention network (GAT), which can effectively model graph structure and capture complex dependencies between nodes. However, GAT usually acts on superpixel nodes, which may lead to the loss of pixel-level information. To better integrate the advantages of both, we propose a CNN-assisted multi-hop graph attention network (CMGAT) for HSI classification. Specifically, a parallel dual-branch architecture is first constructed to simultaneously capture spectral-spatial features from hyperspectral data at the superpixel and pixel levels using GAT and CNN, respectively. On this basis, the multi-hop and multi-scale mechanisms are further employed to construct a multi-hop GAT module and a multi-scale CNN module to capture diverse feature information. Secondly, an attention module is cascaded before the multi-scale CNN module to improve classification performance. Eventually, the output information from the two branches is weighted and fused to produce the classification result. We performed experiments on four benchmark HSI datasets, including Indian Pines (IP), University of Pavia (UP), Salinas Valley (SV) and WHU-Hi-LongKou (LK). The results demonstrate that the proposed method outperforms several deep learning methods, achieving overall accuracies of 95.67%, 99.04%, 99.55% and 99.51%, respectively, even with fewer training samples. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
3. TEMM: text-enhanced multi-interactive attention and multitask learning network for multimodal sentiment analysis.
- Author
-
Yu, Bengong and Shi, Zhongyu
- Subjects
- *
KNOWLEDGE graphs , *SENTIMENT analysis , *INFORMATION resources management , *CLASSIFICATION - Abstract
Multimodal sentiment analysis is an important and active research field. Most methods construct fusion modules based on unimodal representations generated by pretrained models, which lack the deep interaction of multimodal information, especially the rich semantic-emotional information embedded in text. In addition, previous studies have focused on capturing modal coherence information and ignored differentiated information. We propose a text-enhanced multi-interactive attention and multitask learning network (TEMM). First, syntactic dependency graphs and sentiment graphs of the text are constructed, and additional graph embedding representations of the text are obtained using graph convolutional networks and graph attention networks. Then, self-attention and cross-modal attention are applied to explore intramodal and intermodal dynamic interactions, using text as the main cue. Finally, a multitask learning framework is constructed to exert control over the information flow by monitoring the mutual information between the unimodal and multimodal representations and exploiting the classification properties of the unimodal modality to achieve a more comprehensive focus on modal information. The experimental results on the CMU-MOSI, CMU-MOSEI, and CH-SIMS datasets show that the proposed model outperforms state-of-the-art models. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
4. A unified vehicle trajectory prediction model using multi-level context-aware graph attention mechanism.
- Author
-
Sundari, K. and Thilak, A. Senthil
- Subjects
- *
GRAPH neural networks , *INTELLIGENT transportation systems , *PREDICTION models , *MULTILEVEL models , *DEEP learning - Abstract
Predicting the mobility patterns of vehicles together with their interactions among surrounding traffic objects is a critical task in autonomous driving systems. Existing graph neural network-based trajectory prediction models primarily capture the structural connectivity of network nodes (road objects) and assume equal priority to all neighbors of a node. However, in real-time traffic networks, the behavior of each vehicle is significantly influenced by its neighboring road objects and this influence is not uniform. This necessitates a neighbor interaction-aware trajectory prediction model that assumes non-uniform priority among neighboring nodes. In this article, we have designed a novel unified trajectory prediction model which is suitable for both highway and urban traffic conditions. The proposed approach seamlessly integrates multi-level context modeling using graph attention mechanisms, capturing and leveraging interactions and dependencies among objects at varied levels of proximity within a graph. Additionally, it employs an encoder–decoder long short-term memory architecture for long-term trajectory prediction, ensuring adaptability to different driving scenarios. The advanced graph attention mechanisms play a crucial role in modeling spatial dependencies between vehicles, allowing the proposed model to dynamically adapt to evolving interactions over time. The experimentations done on real-world trajectory datasets, namely, Next Generation Simulation US-101 highway dataset and diverse urban datasets such as ApolloScape and Argoverse demonstrate remarkable performance of MC-GATP in long-term trajectory prediction. The model showcases superior prediction accuracy, scalability, and computational efficiency for both highway and urban environments. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
5. A Novel Two-Channel Classification Approach Using Graph Attention Network with K-Nearest Neighbor.
- Author
-
Wang, Yang, Yin, Lifeng, Wang, Xiaolong, Zheng, Guanghai, and Deng, Wu
- Subjects
GRAPH neural networks ,CLASSIFICATION algorithms ,NEIGHBORHOODS ,ALGORITHMS ,CLASSIFICATION - Abstract
Graph neural networks (GNNs) typically exhibit superior performance in shallow architectures. However, as the network depth increases, issues such as overfitting and oversmoothing of hidden vector representations arise, significantly diminishing model performance. To address these challenges, this paper proposes a Two-Channel Classification Algorithm Based on Graph Attention Network (TCC_GAT). Initially, nodes exhibiting similar interaction behaviors are identified through cosine similarity, thereby enhancing the foundational graph structure. Subsequently, an attention mechanism is employed to adaptively integrate neighborhood information within the enhanced graph structure, with a multi-head attention mechanism applied to mitigate overfitting. Furthermore, the K-nearest neighbors algorithm is adopted to reconstruct the basic graph structure, facilitating the learning of structural information and neighborhood features that are challenging to capture on interaction graphs. This approach addresses the difficulties associated with learning high-order neighborhood information. Finally, the embedding representations of identical nodes across different graph structures are fused to optimize model classification performance, significantly enhancing node embedding representations and effectively alleviating the over-smoothing issue. Semi-supervised experiments and ablation studies conducted on the Cora, Citeseer, and Pubmed datasets reveal an accuracy improvement ranging from 1.4% to 4.5% compared to existing node classification algorithms. The experimental outcomes demonstrate that the proposed TCC_GAT achieves superior classification results in node classification tasks. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
6. Pedestrian Trajectory Prediction in Crowded Environments Using Social Attention Graph Neural Networks.
- Author
-
Zong, Mengya, Chang, Yuchen, Dang, Yutian, and Wang, Kaiping
- Subjects
GRAPH neural networks ,CITY traffic ,PUBLIC administration ,PUBLIC safety ,SOCIAL interaction - Abstract
Trajectory prediction is a key component in the development of applications such as mixed urban traffic management and public safety. Traditional models have struggled with the complexity of modeling dynamic crowd interactions, the intricacies of spatiotemporal dependencies, and environmental constraints. Addressing these challenges, this paper introduces the innovative Social Attention Graph Neural Network (SA-GAT) framework. Utilizing Long Short-Term Memory (LSTM) networks, SA-GAT encodes pedestrian trajectory data to extract temporal correlations, while Graph Attention Networks (GAT) are employed to precisely capture the subtle interactions among pedestrians. The SA-GAT framework boosts its predictive accuracy with two key innovations. First, it features a Scene Potential Module that utilizes a Scene Tensor to dynamically capture the interplay between crowds and their environment. Second, it incorporates a Transition Intention Module with a Transition Tensor, which interprets latent transfer probabilities from trajectory data to reveal pedestrians' implicit intentions at specific locations. Based on AnyLogic modeling of the metro station on Line 10 of Chengdu Shuangliu Airport, China, numerical studies reveal that the SA-GAT model achieves a substantial reduction in ADE and FDE metrics by 34.22% and 38.04% compared to baseline models. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
7. Deep Spatio-Temporal Graph Attention Network for Street-Level 110 Call Incident Prediction.
- Author
-
Sui, Jinguang, Chen, Peng, and Gu, Haishuo
- Subjects
REPRESENTATIONS of graphs ,DEEP learning ,CRIMINAL methods ,CRIME ,FORECASTING - Abstract
Recent advancements in crime prediction have increasingly focused on street networks, which offer finer granularity and a closer reflection of real-world urban dynamics. However, existing studies on street-level graph representation learning often overlook the variability in node features when aggregating information from neighboring nodes. This limitation reduces the model's capacity to fully capture the diverse street attributes and their influence on crime patterns. To address this issue, we introduce an end-to-end deep spatio-temporal learning model that employs a graph attention mechanism (GAT) to analyze the spatio-temporal features of 110 call incidents. Experimental results show that our proposed model outperforms existing methods across multiple prediction metrics. Additionally, ablation studies confirm that the GAT's capacity to capture spatial dependencies within the street network significantly enhances the model's overall predictive performance. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
8. Deep learning models for the prediction of acute postoperative pain in PACU for video‐assisted thoracoscopic surgery.
- Author
-
Zhang, Cao, He, Jiangqin, Liang, Xingyuan, Shi, Qinye, Peng, Lijia, Wang, Shuai, He, Jiannan, and Xu, Jianhong
- Subjects
- *
MACHINE learning , *VIDEO-assisted thoracic surgery , *CHEST endoscopic surgery , *DEEP learning , *POSTOPERATIVE pain , *VITAL signs - Abstract
Background: Postoperative pain is a prevalent symptom experienced by patients undergoing surgical procedures. This study aims to develop deep learning algorithms for predicting acute postoperative pain using both essential patient details and real-time vital sign data during surgery. Methods: Through a retrospective observational approach, we utilized Graph Attention Networks (GAT) and graph Transformer Networks (GTN) deep learning algorithms to construct the DoseFormer model while incorporating an attention mechanism. This model employed patient information and intraoperative vital signs obtained during Video-assisted thoracoscopic surgery (VATS) surgery to anticipate postoperative pain. By categorizing the static and dynamic data, the DoseFormer model performed binary classification to predict the likelihood of postoperative acute pain. Results: A total of 1758 patients were initially included, with 1552 patients after data cleaning. These patients were then divided into training set (n = 931) and testing set (n = 621). In the testing set, the DoseFormer model exhibited significantly higher AUROC (0.98) compared to classical machine learning algorithms. Furthermore, the DoseFormer model displayed a significantly higher F1 value (0.85) in comparison to other classical machine learning algorithms. Notably, the attending anesthesiologists' F1 values (attending: 0.49, fellow: 0.43, Resident: 0.16) were significantly lower than those of the DoseFormer model in predicting acute postoperative pain. Conclusions: Deep learning model can predict postoperative acute pain events based on patients' basic information and intraoperative vital signs. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
9. Deep Learning for Epileptic Seizure Detection Using a Causal-Spatio-Temporal Model Based on Transfer Entropy.
- Author
-
Sun, Jie, Xiang, Jie, Dong, Yanqing, Wang, Bin, Zhou, Mengni, Ma, Jiuhong, and Niu, Yan
- Subjects
- *
EPILEPSY , *PEOPLE with epilepsy , *PATIENTS , *PATIENTS' families , *SEIZURES (Medicine) - Abstract
Drug-resistant epilepsy is frequent, persistent, and brings a heavy economic burden to patients and their families. Traditional epilepsy detection methods ignore the causal relationship of seizures and focus on a single time or spatial dimension, and the effect varies greatly in different patients. Therefore, it is necessary to research accurate automatic detection technology of epilepsy in different patients. We propose a causal-spatio-temporal graph attention network (CSTGAT), which uses transfer entropy (TE) to construct a causal graph between multiple channels, combining graph attention network (GAT) and bi-directional long short-term memory (BiLSTM) to capture temporal dynamic correlation and spatial topological structure information. The accuracy, specificity, and sensitivity of the SWEZ dataset were 97.24%, 97.92%, and 98.11%. The accuracy of the private dataset reached 98.55%. The effectiveness of each module was proven through ablation experiments and the impact of different network construction methods was compared. The experimental results indicate that the causal relationship network constructed by TE could accurately capture the information flow of epileptic seizures, and GAT and BiLSTM could capture spatiotemporal dynamic correlations. This model accurately captures causal relationships and spatiotemporal correlations on two datasets, and it overcomes the variability of epileptic seizures in different patients, which may contribute to clinical surgical planning. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
10. Enhancing Non-Small Cell Lung Cancer Survival Prediction through Multi-Omics Integration Using Graph Attention Network.
- Author
-
Elbashir, Murtada K., Almotilag, Abdullah, Mahmood, Mahmood A., and Mohammed, Mohanad
- Subjects
- *
NON-small-cell lung carcinoma , *LUNG cancer , *MULTIOMICS , *VIRUS diseases , *DNA methylation - Abstract
Background: Cancer survival prediction is vital in improving patients' prospects and recommending therapies. Understanding the molecular behavior of cancer can be enhanced through the integration of multi-omics data, including mRNA, miRNA, and DNA methylation data. In light of these multi-omics data, we proposed a graph attention network (GAT) model in this study to predict the survival of non-small cell lung cancer (NSCLC). Methods: The different omics data were obtained from The Cancer Genome Atlas (TCGA) and preprocessed and combined into a single dataset using the sample ID. We used the chi-square test to select the most significant features to be used in our model. We used the synthetic minority oversampling technique (SMOTE) to balance the dataset and the concordance index (C-index) to measure the performance of our model on different combinations of omics data. Results: Our model demonstrated superior performance, with the highest value of the C-index obtained when we used both mRNA and miRNA data. This demonstrates that the multi-omics approach could be effective in predicting survival. Further pathway analysis conducted with KEGG showed that our GAT model provided high weights to the features that are associated with the viral entry pathways, such as the Epstein–Barr virus and Influenza A pathways, which are involved in lung cancer development. From our findings, it can be observed that the proposed GAT model leads to a significantly improved prediction of survival by exploiting the strengths of multiple omics datasets and the findings from the enriched pathways. Our GAT model outperforms other state-of-the-art methods that are used for NSCLC prediction. Conclusions: In this study, we developed a new model for the survival prediction of NSCLC using the GAT based on multi-omics data. Our model showed outstanding predictive values, and the KEGG analysis of the selected significant features showed that they were implicated in pivotal biological processes underlying pathways such as Influenza A and the Epstein–Barr virus infection, which are linked to lung cancer progression. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
11. Dual graph-structured semantics multi-subspace learning for cross-modal retrieval.
- Author
-
Li, Yirong, Tang, Xianghong, Lu, Jianguang, and Huang, Yong
- Abstract
As the era of big data develops rapidly, cross-modal retrieval is a research field that has received widespread attention. Most current methods of cross-modal retrieval just pursue the macro alignment of modal data in a shared space to gain a common representation. However, they cannot achieve the satisfactory performance of cross-modal retrieval since they neglect the deep semantic alignment and the inherent differences between modalities. Being aware of these, this paper presents a dual graph-structured semantics multi-subspace learning (DGMS) method for cross-modal retrieval. Specifically in DGMS, the double semantics graph is established to represent the deep semantics of modal data, and the multiple subspace learning network constructs public and independent subspaces to capture the relevance and dissimilarity of modal data. Finally, a dual learning method based on the generative adversarial network is employed further to catch the joint probability distribution of the different modalities. The superiority of DGMS is demonstrated by experiments on Wikipedia, XMedia, and Pascal Sentence, for it can not only learn deep structural semantics but also explore the consistency and diversity of modalities. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
12. Relation semantic fusion in subgraph for inductive link prediction in knowledge graphs.
- Author
-
Liu, Hongbo, Lu, Jicang, Zhang, Tianzhi, Hou, Xuemei, and An, Peng
- Abstract
Inductive link prediction (ILP) in knowledge graphs (KGs) aims to predict missing links between entities that were not seen during the training phase. Recent some subgraph-based methods have shown some advancements, but they all overlook the relational semantics between entities during subgraph extraction. To overcome this limitation, we introduce a novel inductive link prediction model named SASILP (Structure and Semantic Inductive Link Prediction), which comprehensively incorporates relational semantics in both subgraph extraction and node initialization processes. The model employs a random walk strategy to calculate the structural scores of neighboring nodes and utilizes an enhanced graph attention network to determine their semantic scores. By integrating both structural and semantic scores, SASILP strategically selects key nodes to form a subgraph. Furthermore, the subgraph is initialized with a node initialization technique that integrates information about neighboring relations. The experiments conducted on benchmark datasets demonstrate that SASILP outperforms state-of-the-art methods on inductive link prediction tasks, and verify the effectiveness of our approach. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
13. DAFE-MSGAT: Dual-Attention Feature Extraction and Multi-Scale Graph Attention Network for Polyphonic Piano Transcription.
- Author
-
Cao, Rui, Liang, Zushuang, Yan, Zheng, and Liu, Bing
- Subjects
CONVOLUTIONAL neural networks ,FEATURE extraction ,ARTIFICIAL intelligence ,SIGNAL processing ,INFORMATION retrieval - Abstract
Automatic music transcription (AMT) aims to convert raw audio signals into symbolic music. This is a highly challenging task in the fields of signal processing and artificial intelligence, and it holds significant application value in music information retrieval (MIR). Existing methods based on convolutional neural networks (CNNs) often fall short in capturing the time-frequency characteristics of audio signals and tend to overlook the interdependencies between notes when processing polyphonic piano with multiple simultaneous notes. To address these issues, we propose a dual attention feature extraction and multi-scale graph attention network (DAFE-MSGAT). Specifically, we design a dual attention feature extraction module (DAFE) to enhance the frequency and time-domain features of the audio signal, and we utilize a long short-term memory network (LSTM) to capture the temporal features within the audio signal. We introduce a multi-scale graph attention network (MSGAT), which leverages the various implicit relationships between notes to enhance the interaction between different notes. Experimental results demonstrate that our model achieves high accuracy in detecting the onset and offset of notes on public datasets. In both frame-level and note-level metrics, DAFE-MSGAT achieves performance comparable to the state-of-the-art methods, showcasing exceptional transcription capabilities. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
14. Graph Attention Residual Network Based Routing and Fault-Tolerant Scheduling Mechanism for Data Flow in Power Communication Network.
- Author
-
Zhihong Lin, Zeng Zeng, Yituan Yu, Yinlin Ren, Xuesong Qiu, and Jinqian Chen
- Subjects
DEEP reinforcement learning ,REINFORCEMENT learning ,DECODERS & decoding ,UTOPIAS ,HEURISTIC algorithms ,ROUTING algorithms ,VIRTUAL networks - Abstract
For permanent faults (PF) in the power communication network (PCN), such as link interruptions, the time-sensitive networking (TSN) relied on by PCN, typically employs spatial redundancy fault-tolerance methods to keep service stability and reliability, which often limits TSN scheduling performance in fault-free ideal states. So this paper proposes a graph attention residual network-based routing and fault-tolerant scheduling mechanism (GRFS) for data flow in PCN, which specifically includes a communication system architecture for integrated terminals based on a cyclic queuing and forwarding (CQF) model and fault recovery method, which reduces the impact of faults by simplified scheduling configurations of CQF and fault-tolerance of prioritizing the rerouting of faulty time-sensitive (TS) flows; considering that PF leading to changes in network topology is more appropriately solved by doing routing and time slot injection decisions hop-by-hop, and that reasonable network load can reduce the damage caused by PF and reserve resources for the rerouting of faulty TS flows, an optimization model for joint routing and scheduling is constructed with scheduling success rate as the objective, and with traffic latency and network load as constraints; to catch changes in TSN topology and traffic load, a D3QN algorithm based on a multi-head graph attention residual network (MGAR) is designed to solve the problem model, where the MGAR based encoder reconstructs the TSN status into feature embedding vectors, and a dueling network decoder performs decoding tasks on the reconstructed feature embedding vectors. Simulation results show that GRFS outperforms heuristic fault-tolerance algorithms and other benchmark schemes by approximately 10% in routing and scheduling success rate in ideal states and 5% in rerouting and rescheduling success rate in fault states. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
15. The interactive fusion of characters and lexical information for Chinese named entity recognition.
- Author
-
Wang, Ye, Wang, Zheng, Yu, Hong, Wang, Guoyin, and Lei, Dajiang
- Subjects
PATTERN recognition systems ,FEEDFORWARD neural networks ,DESIGN - Abstract
Many studies have demonstrated that incorporating lexical information into characters can effectively improve the performance of Chinese Named Entity Recognition (CNER). However, we argue that previous studies have not extensively explored the interactive relationship between characters and lexical information, and have only used the lexical information to enhance character-level representation. To address this limitation, we propose an interactive fusion approach that integrates characters and lexical information for CNER. Specifically, we first design graph attention networks to initially fuse character and lexical information within an interactive graph structure. Additionally, by introducing methods such as feedforward neural networks, residual connections, and layer normalization, the fusion effect of the graph attention network is further enhanced. Finally, concatenating and reducing dimensionality of character feature vectors and lexical feature vectors to achieve secondary fusion, thereby obtaining a more comprehensive feature representation. Experimental results on multiple datasets demonstrate that our proposed model outperforms other models that fuse lexical information. Particularly, on the CCKS2020 and Ontonotes datasets, our model achieves higher F1 scores than previous state-of-the-art models. The code is available via the link: https://github.com/wangye0523/The-interactive-fusion-of-characters-and-lexical-information-for-Chinese-named-entity-recognition. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
16. 基于图注意力网络的短时交通流量预测.
- Author
-
贺佳佳, 黄德启, 王东伟, and 张阳婷
- Subjects
TRAFFIC flow ,TIME series analysis ,FORECASTING - Abstract
Copyright of Journal of Computer Engineering & Applications is the property of Beijing Journal of Computer Engineering & Applications Journal Co Ltd. and its content may not be copied or emailed to multiple sites or posted to a listserv without the copyright holder's express written permission. However, users may print, download, or email articles for individual use. This abstract may be abridged. No warranty is given about the accuracy of the copy. Users should refer to the original published version of the material for the full abstract. (Copyright applies to all Abstracts.)
- Published
- 2024
- Full Text
- View/download PDF
17. Aspect-Level Sentiment Analysis Based on Lite Bidirectional Encoder Representations From Transformers and Graph Attention Networks.
- Author
-
Xu, Longming, Xiao, Ping, and Zeng, Huixia
- Subjects
- *
LANGUAGE models , *SENTIMENT analysis , *INFORMATION networks - Abstract
Aspect-level sentiment analysis is a critical component of sentiment analysis, aiming to determine the sentiment polarity associated with specific aspect words. However, existing methodologies have limitations in effectively managing aspect-level sentiment analysis. These limitations include insufficient utilization of syntactic information and an inability to precisely capture the contextual nuances surrounding aspect words. To address these issues, we propose an Aspect-Oriented Graph Attention Network (AOGAT) model. This model incorporates syntactic information to generate dynamic word vectors through the pre-trained model ALBERT and combines a graph attention network with BiGRU to capture both syntactic and semantic features. Additionally, the model introduces an aspect-focused attention mechanism to retrieve features related to aspect words and integrates the generated representations for sentiment classification. Our experiments on three datasets demonstrate that the AOGAT model outperforms traditional models. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
18. Research on Stock Index Prediction Based on the Spatiotemporal Attention BiLSTM Model.
- Author
-
Mu, Shengdong, Liu, Boyu, Gu, Jijian, Lien, Chaolung, and Nadia, Nedjah
- Subjects
- *
HANG Seng Index , *DATA structures , *STOCK price indexes , *PRICES , *FORECASTING - Abstract
Stock index fluctuations are characterized by high noise and their accurate prediction is extremely challenging. To address this challenge, this study proposes a spatial–temporal–bidirectional long short-term memory (STBL) model, incorporating spatiotemporal attention mechanisms. The model enhances the analysis of temporal dependencies between data by introducing graph attention networks with multi-hop neighbor nodes while incorporating the temporal attention mechanism of long short-term memory (LSTM) to effectively address the potential interdependencies in the data structure. In addition, by assigning different learning weights to different neighbor nodes, the model can better integrate the correlation between node features. To verify the accuracy of the proposed model, this study utilized the closing prices of the Hong Kong Hang Seng Index (HSI) from 31 December 1986 to 31 December 2023 for analysis. By comparing it with nine other forecasting models, the experimental results show that the STBL model achieves more accurate predictions of the closing prices for short-term, medium-term, and long-term forecasts of the stock index. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
19. CMHICL:基于跨模态分层交互网络和 对比学习的多模态讽刺检测.
- Author
-
林洁霞 and 朱小栋
- Subjects
- *
MULTISENSOR data fusion , *SARCASM , *EMOTIONS - Abstract
The key to multimodal sarcasm detection is effective to align and fuse the features of different modes. However, the existing multimodal data fusion methods ignore the relationship between multimodal intercomponent structures. Also, the importance of common features associated with sarcastic emotions in multimodal data is overlooked in the process of recognizing sarcasm. To address the above problems, this paper proposed a model based on cross-modal hierarchical interaction networks and contrastive learning (CMHICL). Firstly, the cross-modal hierarchical interaction network employed a minimal unit alignment module based on the cross-attention mechanism and a compositional structure fusion module based on the graph attention network to identify inconsistencies between text and images at different levels, and determined the samples with low consistency as sarcasm samples. Secondly, two contrastive learning tasks, based on data enhancement and category enhancement, helped to learn common features related to sarcasm and reduce false correlations within the modality. The experimental results show that the CMHICL model has increased the Acc by 0.81% and the F₁ value by 1.6% compared to the baseline models, which verifies the key role of the hierarchical interactive network and contrastive learning method proposed in this paper in multimodal sarcasm detection. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
20. Markov enhanced graph attention network for spammer detection in online social network.
- Author
-
Tripathi, Ashutosh, Ghosh, Mohona, and Bharti, Kusum Kumari
- Subjects
ONLINE social networks ,INFORMATION sharing ,COMPARATIVE studies ,CLASSIFICATION ,RANDOM graphs - Abstract
Online social networks (OSNs) are an indispensable part of social communication where people connect and share information. Spammers and other malicious actors use the OSN's power to propagate spam content. In an OSN with mutual relations between nodes, two kinds of spammer detection methods can be employed: feature based and propagation based. However, both of these are incomplete in themselves. The feature-based methods cannot exploit mutual connections between nodes, and propagation-based methods cannot utilize the rich discriminating node features. We propose a hybrid model—Markov enhanced graph attention network (MEGAT)—using graph attention networks (GAT) and pairwise Markov random fields (pMRF) for the spammer detection task. It efficiently utilizes node features as well as propagation information. We experiment our GAT model with a smoother Swish activation function having non-monotonic derivatives, instead of the leakyReLU function. The experiments performed on a real-world Twitter Social Honeypot (TwitterSH) benchmark dataset and subsequent comparative analysis reveal that our proposed MEGAT model outperforms the state-of-the-art models in accuracy, precision–recall area under curve (PRAUC), and F1-score performance measures. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
21. Multivariate time series anomaly detection via dynamic graph attention network and Informer.
- Author
-
Huang, Xiangheng, Chen, Ningjiang, Deng, Ziyue, and Huang, Suqun
- Subjects
ANOMALY detection (Computer security) ,TIME series analysis ,FALSE alarms ,COMPUTER software quality control ,TIMESTAMPS - Abstract
In the industrial Internet, industrial software plays a central role in enhancing the level of intelligent manufacturing. It enables the promotion of digital collaborative services. Effective anomaly detection of multivariate time series can ensure the quality of industrial software. Extensive research has been conducted on time series anomaly detection to identify abnormal data. However, detecting anomalies in multivariate time series, which consist of high-dimensional, high-noise, and random data, poses significant challenges. The states of different timestamps within a time series sample can influence the overall correlation of sensor features. Unfortunately, existing methods often overlook this impact, making it difficult to capture subtle variations in the delayed response of attacked sensors.Consequently, there are false alarms and abnormal omissions. To address these limitations, this paper proposes an anomaly detection method called DGINet. DGINet leverages a dynamic graph attention network and Informer to capture and integrate feature correlation across different time states. By combining GRU and Informer, DGINet effectively captures continuous correlations in long time series. Moreover, DGINet simultaneously optimizes the reconstruction and forecasting modules, enhancing its overall performance. Experimental results on four benchmark datasets demonstrate that DGINet outperforms state-of-the-art methods by achieving up to a 2 % improvement in accuracy. Further analysis reveals that DGINet excels in accurately detecting anomalies in long time series and locating candidate abnormal attack points. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
22. GATiT: An Intelligent Diagnosis Model Based on Graph Attention Network Incorporating Text Representation in Knowledge Reasoning.
- Author
-
Song, Yu, Wu, Pengcheng, Dai, Dongming, Gui, Mingyu, and Zhang, Kunli
- Subjects
KNOWLEDGE graphs ,KNOWLEDGE representation (Information theory) ,ELECTRONIC health records ,SUBGRAPHS ,DIAGNOSIS - Abstract
The growing prevalence of knowledge reasoning using knowledge graphs (KGs) has substantially improved the accuracy and efficiency of intelligent medical diagnosis. However, current models primarily integrate electronic medical records (EMRs) and KGs into the knowledge reasoning process, ignoring the differing significance of various types of knowledge in EMRs and the diverse data types present in the text. To better integrate EMR text information, we propose a novel intelligent diagnostic model named the Graph ATtention network incorporating Text representation in knowledge reasoning (GATiT), which comprises text representation, subgraph construction, knowledge reasoning, and diagnostic classification. In the text representation process, GATiT uses a pre-trained model to obtain text representations of the EMRs and additionally enhances embeddings by including chief complaint information and numerical information in the input. In the subgraph construction process, GATiT constructs text subgraphs and disease subgraphs from the KG, utilizing EMR text and the disease to be diagnosed. To differentiate the varying importance of nodes within the subgraphs features such as node categories, relevance scores, and other relevant factors are introduced into the text subgraph. The message-passing strategy and attention weight calculation of the graph attention network are adjusted to learn these features in the knowledge reasoning process. Finally, in the diagnostic classification process, the interactive attention-based fusion method integrates the results of knowledge reasoning with text representations to produce the final diagnosis results. Experimental results on multi-label and single-label EMR datasets demonstrate the model's superiority over several state-of-the-art methods. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
23. ResGAT: Residual Graph Attention Networks for molecular property prediction.
- Author
-
Nguyen-Vo, Thanh-Hoang, Do, Trang T. T., and Nguyen, Binh P.
- Abstract
Molecular property prediction is an important step in the drug discovery pipeline. Numerous computational methods have been developed to predict a wide range of molecular properties. While recent approaches have shown promising results, no single architecture can comprehensively address all tasks, making this area persistently challenging and requiring substantial time and effort. Beyond traditional machine learning and deep learning architectures for regular data, several deep learning architectures have been designed for graph-structured data to overcome the limitations of conventional methods. Utilizing graph-structured data in quantitative structure–activity relationship (QSAR) modeling allows models to effectively extract unique features, especially where connectivity information is crucial. In our study, we developed residual graph attention networks (ResGAT), a deep learning architecture for molecular graph-structured data. This architecture is a combination of graph attention networks and shortcut connections to address both regression and classification problems. It is also customizable to adapt to various dataset sizes, enhancing the learning process based on molecular patterns. When tested multiple times with both random and scaffold sampling strategies on nine benchmark molecular datasets, QSAR models developed using ResGAT demonstrated stability and competitive performance compared to state-of-the-art methods. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
24. Effective sentence-level relation extraction model using entity-centric dependency tree.
- Author
-
Park, Seongsik and Kim, Harksoo
- Subjects
LANGUAGE models ,TREE graphs ,FEATURE extraction ,DATA modeling ,TREES ,DATA extraction - Abstract
The syntactic information of a dependency tree is an essential feature in relation extraction studies. Traditional dependency-based relation extraction methods can be categorized into hard pruning methods, which aim to remove unnecessary information, and soft pruning methods, which aim to utilize all lexical information. However, hard pruning has the potential to overlook important lexical information, while soft pruning can weaken the syntactic information between entities. As a result, recent studies in relation extraction have been shifting from dependency-based methods to pre-trained language model (LM) based methods. Nonetheless, LM-based methods increasingly demand larger language models and additional data. This trend leads to higher resource consumption, longer training times, and increased computational costs, yet often results in only marginal performance improvements. To address this problem, we propose a relation extraction model based on an entity-centric dependency tree: a dependency tree that is reconstructed by considering entities as root nodes. Using the entity-centric dependency tree, the proposed method can capture the syntactic information of an input sentence without losing lexical information. Additionally, we propose a novel model that utilizes entity-centric dependency trees in conjunction with language models, enabling efficient relation extraction without the need for additional data or larger models. In experiments with representative sentence-level relation extraction datasets such as TACRED, Re-TACRED, and SemEval 2010 Task 8, the proposed method achieves F1-scores of 74.9%, 91.2%, and 90.5%, respectively, which are state-of-the-art performances. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
25. Vehicle Trajectory Prediction Based on GAT and LSTM Networks in Urban Environments
- Author
-
Xuelong ZHENG, Xuemei CHEN, and Yaohan JIA
- Subjects
autonomous vehicle ,trajectory prediction ,hierarchical ,long short-term memory network ,graph attention network ,Transportation engineering ,TA1001-1280 - Abstract
Vehicle trajectory prediction plays a critical role before the decision planning of autonomous vehicles in complex and dynamic traffic environments. It helps autonomous vehicles better understand the traffic environments and ensure safe and efficient tasks. In this study, a hierarchical trajectory prediction method is proposed. The graph attention network (GAT) model was selected to estimate the interactions of surrounding vehicles. Considering the behaviour of surrounding agents, the future trajectory of the target vehicle is predicted based on the long short-term memory network (LSTM). The model has been validated in real traffic environments. By comparing the accuracy and real-time performance of target vehicle trajectory prediction, the proposed model is superior to the traditional single trajectory prediction model. The results of this study will provide new modelling ideas and a theoretical basis for the vehicle trajectory prediction in urban traffic environments.
- Published
- 2024
- Full Text
- View/download PDF
26. Deep learning models for the prediction of acute postoperative pain in PACU for video‐assisted thoracoscopic surgery
- Author
-
Cao Zhang, Jiangqin He, Xingyuan Liang, Qinye Shi, Lijia Peng, Shuai Wang, Jiannan He, and Jianhong Xu
- Subjects
Acute postoperative pain ,Attention mechanism ,Deep learning ,Graph attention network ,Graph transformer networks ,Video‐assisted thoracoscopic surgery ,Medicine (General) ,R5-920 - Abstract
Abstract Background Postoperative pain is a prevalent symptom experienced by patients undergoing surgical procedures. This study aims to develop deep learning algorithms for predicting acute postoperative pain using both essential patient details and real-time vital sign data during surgery. Methods Through a retrospective observational approach, we utilized Graph Attention Networks (GAT) and graph Transformer Networks (GTN) deep learning algorithms to construct the DoseFormer model while incorporating an attention mechanism. This model employed patient information and intraoperative vital signs obtained during Video-assisted thoracoscopic surgery (VATS) surgery to anticipate postoperative pain. By categorizing the static and dynamic data, the DoseFormer model performed binary classification to predict the likelihood of postoperative acute pain. Results A total of 1758 patients were initially included, with 1552 patients after data cleaning. These patients were then divided into training set (n = 931) and testing set (n = 621). In the testing set, the DoseFormer model exhibited significantly higher AUROC (0.98) compared to classical machine learning algorithms. Furthermore, the DoseFormer model displayed a significantly higher F1 value (0.85) in comparison to other classical machine learning algorithms. Notably, the attending anesthesiologists' F1 values (attending: 0.49, fellow: 0.43, Resident: 0.16) were significantly lower than those of the DoseFormer model in predicting acute postoperative pain. Conclusions Deep learning model can predict postoperative acute pain events based on patients' basic information and intraoperative vital signs.
- Published
- 2024
- Full Text
- View/download PDF
27. Prediction of mutation-induced protein stability changes based on the geometric representations learned by a self-supervised method
- Author
-
Shan Shan Li, Zhao Ming Liu, Jiao Li, Yi Bo Ma, Ze Yuan Dong, Jun Wei Hou, Fu Jie Shen, Wei Bu Wang, Qi Ming Li, and Ji Guo Su
- Subjects
Protein stability changes ,Mutation ,Graph attention network ,Self-supervised learning ,EXtreme Gradient Boosting model ,Computer applications to medicine. Medical informatics ,R858-859.7 ,Biology (General) ,QH301-705.5 - Abstract
Abstract Background Thermostability is a fundamental property of proteins to maintain their biological functions. Predicting protein stability changes upon mutation is important for our understanding protein structure–function relationship, and is also of great interest in protein engineering and pharmaceutical design. Results Here we present mutDDG-SSM, a deep learning-based framework that uses the geometric representations encoded in protein structure to predict the mutation-induced protein stability changes. mutDDG-SSM consists of two parts: a graph attention network-based protein structural feature extractor that is trained with a self-supervised learning scheme using large-scale high-resolution protein structures, and an eXtreme Gradient Boosting model-based stability change predictor with an advantage of alleviating overfitting problem. The performance of mutDDG-SSM was tested on several widely-used independent datasets. Then, myoglobin and p53 were used as case studies to illustrate the effectiveness of the model in predicting protein stability changes upon mutations. Our results show that mutDDG-SSM achieved high performance in estimating the effects of mutations on protein stability. In addition, mutDDG-SSM exhibited good unbiasedness, where the prediction accuracy on the inverse mutations is as well as that on the direct mutations. Conclusion Meaningful features can be extracted from our pre-trained model to build downstream tasks and our model may serve as a valuable tool for protein engineering and drug design.
- Published
- 2024
- Full Text
- View/download PDF
28. Health status identification of scraper conveyer based on fusion of multiple graph structure information
- Author
-
Xin YANG, Le SU, Yongjun CHENG, Bo WANG, Yuan ZHAO, Xiongwei YANG, Chenglong ZHAO, Xiangang CAO, and Jiangbin ZHAO
- Subjects
scraper conveyor ,health monitoring of equipment ,health status identification ,health indicators construction ,multiple graph structures ,graph attention network ,Mining engineering. Metallurgy ,TN1-997 - Abstract
Scraper conveyors are essential coal transportation equipment in underground coal mines, significantly impacting mine production. However, the harsh working environment and long-term use lead to wear and tear, degrading their performance. Therefore, timely monitoring of scraper conveyor’s health status is extremely critical. To address the limitations of traditional methods, which struggle with strong component coupling and require excessive manual intervention, a novel method for identifying health status of scraper conveyors is proposed. This method utilizes a Variational Autoencoder (VAE) co-optimized with Self-Attention (SA) and Normalizing Flow (NF) mechanisms to automatically construct health indicators without supervision, effectively fitting the implicit distribution of the indicators and overcoming the influence of outliers. Additionally, a method fusing multiple graph structure information is introduced, using multiple Graph Attention Networks (GAT) to extract and integrate this information. Experiments with real-world data from the scraper conveyor show that the model’s indentification accuracy achieve up to 98.60% and macro-average F1 scores up to 96.81%. This approach offers a novel and feasible solution for health status identification of scraper conveyors, with significant practical value.
- Published
- 2024
- Full Text
- View/download PDF
29. Drug repositioning based on residual attention network and free multiscale adversarial training
- Author
-
Guanghui Li, Shuwen Li, Cheng Liang, Qiu Xiao, and Jiawei Luo
- Subjects
Graph attention network ,Residual network ,Graph autoencoder ,Adversarial training ,Drug-disease association ,Computer applications to medicine. Medical informatics ,R858-859.7 ,Biology (General) ,QH301-705.5 - Abstract
Abstract Background Conducting traditional wet experiments to guide drug development is an expensive, time-consuming and risky process. Analyzing drug function and repositioning plays a key role in identifying new therapeutic potential of approved drugs and discovering therapeutic approaches for untreated diseases. Exploring drug-disease associations has far-reaching implications for identifying disease pathogenesis and treatment. However, reliable detection of drug-disease relationships via traditional methods is costly and slow. Therefore, investigations into computational methods for predicting drug-disease associations are currently needed. Results This paper presents a novel drug-disease association prediction method, RAFGAE. First, RAFGAE integrates known associations between diseases and drugs into a bipartite network. Second, RAFGAE designs the Re_GAT framework, which includes multilayer graph attention networks (GATs) and two residual networks. The multilayer GATs are utilized for learning the node embeddings, which is achieved by aggregating information from multihop neighbors. The two residual networks are used to alleviate the deep network oversmoothing problem, and an attention mechanism is introduced to combine the node embeddings from different attention layers. Third, two graph autoencoders (GAEs) with collaborative training are constructed to simulate label propagation to predict potential associations. On this basis, free multiscale adversarial training (FMAT) is introduced. FMAT enhances node feature quality through small gradient adversarial perturbation iterations, improving the prediction performance. Finally, tenfold cross-validations on two benchmark datasets show that RAFGAE outperforms current methods. In addition, case studies have confirmed that RAFGAE can detect novel drug-disease associations. Conclusions The comprehensive experimental results validate the utility and accuracy of RAFGAE. We believe that this method may serve as an excellent predictor for identifying unobserved disease-drug associations.
- Published
- 2024
- Full Text
- View/download PDF
30. Air quality forecasting using a spatiotemporal hybrid deep learning model based on VMD–GAT–BiLSTM
- Author
-
Xiaohu Wang, Suo Zhang, Yi Chen, Longying He, Yongmei Ren, Zhen Zhang, Juan Li, and Shiqing Zhang
- Subjects
Air quality forecasting ,Deep learning ,Spatiotemporal ,Variational mode decomposition ,Graph attention network ,Bi-directional long short-term memory ,Medicine ,Science - Abstract
Abstract The precise forecasting of air quality is of great significance as an integral component of early warning systems. This remains a formidable challenge owing to the limited information of emission source and the considerable uncertainties inherent in dynamic processes. To improve the accuracy of air quality forecasting, this work proposes a new spatiotemporal hybrid deep learning model based on variational mode decomposition (VMD), graph attention networks (GAT) and bi-directional long short-term memory (BiLSTM), referred to as VMD–GAT–BiLSTM, for air quality forecasting. The proposed model initially employ a VMD to decompose original PM2.5 data into a series of relatively stable sub-sequences, thus reducing the influence of unknown factors on model prediction capabilities. For each sub-sequence, a GAT is then designed to explore deep spatial relationships among different monitoring stations. Next, a BiLSTM is utilized to learn the temporal features of each decomposed sub-sequence. Finally, the forecasting results of each decomposed sub-sequence are aggregated and summed as the final air quality prediction results. Experiment results on the collected Beijing air quality dataset show that the proposed model presents superior performance to other used methods on both short-term and long-term air quality forecasting tasks.
- Published
- 2024
- Full Text
- View/download PDF
31. Enhanced botnet detection in IoT networks using zebra optimization and dual-channel GAN classification
- Author
-
SK Khaja Shareef, R. Krishna Chaitanya, Srinivasulu Chennupalli, Devi Chokkakula, K. V. D. Kiran, Udayaraju Pamula, and Ramesh Vatambeti
- Subjects
Internet of things ,Zebra optimization algorithm ,Graph attention network ,Sooty Tern optimization algorithm ,Node attention networks ,Medicine ,Science - Abstract
Abstract The Internet of Things (IoT) permeates various sectors, including healthcare, smart cities, and agriculture, alongside critical infrastructure management. However, its susceptibility to malware due to limited processing power and security protocols poses significant challenges. Traditional antimalware solutions fall short in combating evolving threats. To address this, the research work developed a feature selection-based classification model. At first stage, a preprocessing stage enhances dataset quality through data smoothing and consistency improvement. Feature selection via the Zebra Optimization Algorithm (ZOA) reduces dimensionality, while a classification phase integrates the Graph Attention Network (GAN), specifically the Dual-channel GAN (DGAN). DGAN incorporates Node Attention Networks and Semantic Attention Networks to capture intricate IoT device interactions and detect anomalous behaviors like botnet activity. The model's accuracy is further boosted by leveraging both structural and semantic data with the Sooty Tern Optimization Algorithm (STOA) for hyperparameter tuning. The proposed STOA-DGAN model achieves an impressive 99.87% accuracy in botnet activity classification, showcasing robustness and reliability compared to existing approaches.
- Published
- 2024
- Full Text
- View/download PDF
32. Multi-source auxiliary information tourist attraction and route recommendation algorithm based on graph attention network
- Author
-
Ding Tongtong
- Subjects
graph attention network ,tourist attractions ,route recommendation ,multi-source auxiliary information ,multi-layer perceptron ,Science ,Electronic computers. Computer science ,QA75.5-76.95 - Abstract
In the field of tourism recommendation systems, accurately recommending scenic spots and routes for users is one of the hot research directions. In order to better consider the complex interaction between user preferences and attraction features, as well as the potential connections between different information sources, this study constructed a graph attention network model using knowledge graphs for tourist attraction and route recommendations, and extracted features from visual images using visual geometry group-16. The results indicate that, in Xian, when the learning rate is 0.01, the area under the curve value is 0.916. The area under the curve of New York is 0.909, and the learning rate is 0.001. The area under the curve value of the Tokyo dataset is 0.895. When the learning rate is moderate, the model quickly stabilizes in the first 16 rounds and reaches its optimal state in 26–30 rounds. When the propagation depth is 2, the accuracy is 0.920, 0.905, and 0.895, respectively. After introducing visual features, the accuracy, recall, and F1 score improved by 10 to 15.7%. The multi-layer perceptron further increased the effect by 4–6%. These experimental data fully demonstrate the effectiveness and accuracy of the recommendation algorithm. This study provides a powerful tool for tourism recommendation systems, which helps to further improve user experience.
- Published
- 2024
- Full Text
- View/download PDF
33. Predicting bond dissociation energies of cyclic hypervalent halogen reagents using DFT calculations and graph attention network model
- Author
-
Yingbo Shao, Zhiyuan Ren, Zhihui Han, Li Chen, Yao Li, and Xiao-Song Xue
- Subjects
bde ,cyclic hypervalent halogen reagents ,dft calculation ,graph attention network ,machine learning ,Science ,Organic chemistry ,QD241-441 - Abstract
Although hypervalent iodine(III) reagents have become staples in organic chemistry, the exploration of their isoelectronic counterparts, namely hypervalent bromine(III) and chlorine(III) reagents, has been relatively limited, partly due to challenges in synthesizing and stabilizing these compounds. In this study, we conduct a thorough examination of both homolytic and heterolytic bond dissociation energies (BDEs) critical for assessing the chemical stability and functional group transfer capability of cyclic hypervalent halogen compounds using density functional theory (DFT) analysis. A moderate linear correlation was observed between the homolytic BDEs across different halogen centers, while a strong linear correlation was noted among the heterolytic BDEs across these centers. Furthermore, we developed a predictive model for both homolytic and heterolytic BDEs of cyclic hypervalent halogen compounds using machine learning algorithms. The results of this study could aid in estimating the chemical stability and functional group transfer capabilities of hypervalent bromine(III) and chlorine(III) reagents, thereby facilitating their development.
- Published
- 2024
- Full Text
- View/download PDF
34. A multi-feature spatial–temporal fusion network for traffic flow prediction
- Author
-
Jiahe Yan, Honghui Li, Dalin Zhang, Yanhui Bai, Yi Xu, and Chengshan Han
- Subjects
Traffic flow prediction ,Spatial–temporal data ,Transformer ,Graph attention network ,Medicine ,Science - Abstract
Abstract The traffic flow prediction is the key to alleviate traffic congestion, yet very challenging due to the complex influence factors. Currently, the most of deep learning models are designed to dig out the intricate dependency in continuous standardized sequences, which are dependent to high requirements for data continuity and regularized distribution. However, the data discontinuity and irregular distribution are inevitable in the real-world practical application, then we need find a way to utilize the powerful effect of the multi-feature fusion rather than continuous relation in standardized sequences. To this end, we conduct the prediction based on the multiple traffic features reflecting the complex influence factors. Firstly, we propose the ATFEM, an adaptive traffic features extraction mechanism, which can select important influence factors to construct joint temporal features matrix and global spatial features matrix according to the traffic condition. In this way, the feature’s representation ability can be improved. Secondly, we propose the MFSTN, a multi-feature spatial–temporal fusion network, which include the temporal transformer encoder and graph attention network to obtain the latent representation of spatial–temporal features. Especially, we design the scaled spatial–temporal fusion module, which can automatically learn optimal fusion weights, further adapt to inconsistent spatial–temporal dimensions. Finally, the multi-layer perceptron gets the mapping function between these comprehensive features and traffic flow. This method helps to improve the interpretability of the prediction. Experimental results show that the proposed model outperforms a variety of baselines, and it can accurately predict the traffic flow when the data missing rate is high.
- Published
- 2024
- Full Text
- View/download PDF
35. Prediction of mutation-induced protein stability changes based on the geometric representations learned by a self-supervised method.
- Author
-
Li, Shan Shan, Liu, Zhao Ming, Li, Jiao, Ma, Yi Bo, Dong, Ze Yuan, Hou, Jun Wei, Shen, Fu Jie, Wang, Wei Bu, Li, Qi Ming, and Su, Ji Guo
- Subjects
- *
PROTEIN stability , *PROTEIN structure , *FEATURE extraction , *PROTEIN engineering , *SUPERVISED learning , *DRUG design - Abstract
Background: Thermostability is a fundamental property of proteins to maintain their biological functions. Predicting protein stability changes upon mutation is important for our understanding protein structure–function relationship, and is also of great interest in protein engineering and pharmaceutical design. Results: Here we present mutDDG-SSM, a deep learning-based framework that uses the geometric representations encoded in protein structure to predict the mutation-induced protein stability changes. mutDDG-SSM consists of two parts: a graph attention network-based protein structural feature extractor that is trained with a self-supervised learning scheme using large-scale high-resolution protein structures, and an eXtreme Gradient Boosting model-based stability change predictor with an advantage of alleviating overfitting problem. The performance of mutDDG-SSM was tested on several widely-used independent datasets. Then, myoglobin and p53 were used as case studies to illustrate the effectiveness of the model in predicting protein stability changes upon mutations. Our results show that mutDDG-SSM achieved high performance in estimating the effects of mutations on protein stability. In addition, mutDDG-SSM exhibited good unbiasedness, where the prediction accuracy on the inverse mutations is as well as that on the direct mutations. Conclusion: Meaningful features can be extracted from our pre-trained model to build downstream tasks and our model may serve as a valuable tool for protein engineering and drug design. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
36. Remaining useful life prediction based on spatiotemporal autoencoder.
- Author
-
Xu, Tao, Pi, Dechang, and Zeng, Shi
- Subjects
REMAINING useful life ,REPRESENTATIONS of graphs ,TIME series analysis ,PREDICTION models ,PROBLEM solving ,DEEP learning - Abstract
Remaining Useful Life (RUL) prediction has received a lot of attention as the core of prognostics and health management (PHM) technology. Deep learning-based RUL prediction methods are currently the most popular, and in order to solve the problem that most of the current deep RUL prediction studies do not consider the structural information between sensors, we propose a spatiotemporal autoencoder (STAE)-based RUL prediction method. The method extracts the time domain information from the data through the temporal convolutional network. It obtains the structural information of the sensors by converting the time series data into a graph structure by utilizing the maximal information coefficient and then performing the graph representation learning. For the two obtained features, a feature fusion method based on the graph attention mechanism is used for fusion and finally, the new fused features are utilized for RUL prediction. To validate the effectiveness of STAE, we conducted experiments on the simulated dataset C-MAPSS and the real satellite dataset SCS-PSS, and our proposed method outperforms the baseline method on both datasets. The results suggest that considering structural information between sensors in the deep RUL prediction model can improve prediction accuracy. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
37. Medium–Long-Term PV Output Forecasting Based on the Graph Attention Network with Amplitude-Aware Permutation Entropy.
- Author
-
Shen, Shuyi, He, Yingjing, Chen, Gaoxuan, Ding, Xu, and Zheng, Lingwei
- Subjects
- *
HILBERT-Huang transform , *ELECTRICITY markets , *ELECTRIC power distribution grids , *FORECASTING , *ENTROPY , *LOAD forecasting (Electric power systems) - Abstract
Medium–long-term photovoltaic (PV) output forecasting is of great significance to power grid planning, power market transactions, power dispatching operations, equipment maintenance and overhaul. However, PV output fluctuates greatly due to weather changes. Furthermore, it is frequently challenging to ensure the accuracy of forecasts for medium–long-term forecasting involving a long time span. In response to the above problems, this paper proposes a medium–long-term forecasting method for PV output based on amplitude-aware permutation entropy component reconstruction and the graph attention network. Firstly, the PV output sequence data are decomposed by ensemble empirical mode decomposition (EEMD), and the decomposed intrinsic mode function (IMF) subsequences are combined and reconstructed according to the amplitude-aware permutation entropy. Secondly, the graph node feature sequence is constructed from the reconstructed subsequences, and the mutual information of the node feature sequence is calculated to obtain the graph node adjacency matrix which is applied to generate a graph sequence. Thirdly, the graph attention network is utilized to forecast the graph sequence and separate the PV output forecasting results. Finally, an actual measurement system is used to experimentally verify the proposed method, and the outcomes indicate that the proposed method, which has certain promotion value, can improve the accuracy of medium–long-term forecasting of PV output. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
38. 引入主题节点的异构图舆情摘要方法.
- Author
-
宝日彤, 曾淼瑞, and 孙海春
- Abstract
Social applications such as microblogging carry different views of internet users on social opinion events, and how to identify valuable information in the massive amount of thematic comments has become an important issue. An opinion summarization method based on heterogeneous graphs was proposed, which effectively extracted the prevailing viewpoints of hot public opinion events to facilitate the guidance of resolving internet public opinion crises. In order to address the challenging problem of capturing crossdocument semantic relationships in the multi-document summarization task, topic nodes were introduced into the comment sentence graph to mine the potential semantic associations among the input documents. Specifically, the topics of comments were extracted to construct a heterogeneous graph model where graph attention mechanism was used to interact with the semantic information of nodes at different granularities, and finally, the maximum bounded correlation algorithm was combined to extract candidate summary sentences. The results show that the improved model improves the Rouge1, Rouge2, and RougeL scores by 0. 46%, 0. 46%, and 0. 48% on the English general Multi-News dataset respectively. Comparing with the existing hotspot models such as Textrank, Sumpip and so on, the model achieves the best performance on the self-made microblog comment dataset. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
39. Drug repositioning based on residual attention network and free multiscale adversarial training.
- Author
-
Li, Guanghui, Li, Shuwen, Liang, Cheng, Xiao, Qiu, and Luo, Jiawei
- Subjects
- *
DRUG repositioning , *BIPARTITE graphs , *DRUG development , *THERAPEUTICS , *FORECASTING - Abstract
Background: Conducting traditional wet experiments to guide drug development is an expensive, time-consuming and risky process. Analyzing drug function and repositioning plays a key role in identifying new therapeutic potential of approved drugs and discovering therapeutic approaches for untreated diseases. Exploring drug-disease associations has far-reaching implications for identifying disease pathogenesis and treatment. However, reliable detection of drug-disease relationships via traditional methods is costly and slow. Therefore, investigations into computational methods for predicting drug-disease associations are currently needed. Results: This paper presents a novel drug-disease association prediction method, RAFGAE. First, RAFGAE integrates known associations between diseases and drugs into a bipartite network. Second, RAFGAE designs the Re_GAT framework, which includes multilayer graph attention networks (GATs) and two residual networks. The multilayer GATs are utilized for learning the node embeddings, which is achieved by aggregating information from multihop neighbors. The two residual networks are used to alleviate the deep network oversmoothing problem, and an attention mechanism is introduced to combine the node embeddings from different attention layers. Third, two graph autoencoders (GAEs) with collaborative training are constructed to simulate label propagation to predict potential associations. On this basis, free multiscale adversarial training (FMAT) is introduced. FMAT enhances node feature quality through small gradient adversarial perturbation iterations, improving the prediction performance. Finally, tenfold cross-validations on two benchmark datasets show that RAFGAE outperforms current methods. In addition, case studies have confirmed that RAFGAE can detect novel drug-disease associations. Conclusions: The comprehensive experimental results validate the utility and accuracy of RAFGAE. We believe that this method may serve as an excellent predictor for identifying unobserved disease-drug associations. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
40. GCGACNN: A Graph Neural Network and Random Forest for Predicting Microbe–Drug Associations.
- Author
-
Su, Shujuan, Liu, Meiling, Zhou, Jiyun, and Zhang, Jingfeng
- Subjects
- *
CONVOLUTIONAL neural networks , *GRAPH neural networks , *DRUG resistance , *DRUG metabolism , *DRUG efficacy - Abstract
The interaction between microbes and drugs encompasses the sourcing of pharmaceutical compounds, microbial drug degradation, the development of drug resistance genes, and the impact of microbial communities on host drug metabolism and immune modulation. These interactions significantly impact drug efficacy and the evolution of drug resistance. In this study, we propose a novel predictive model, termed GCGACNN. We first collected microbe, disease, and drug association data from multiple databases and the relevant literature to construct three association matrices and generate similarity feature matrices using Gaussian similarity functions. These association and similarity feature matrices were then input into a multi-layer Graph Neural Network for feature extraction, followed by a two-dimensional Convolutional Neural Network for feature fusion, ultimately establishing an effective predictive framework. Experimental results demonstrate that GCGACNN outperforms existing methods in predictive performance. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
41. Epileptic Seizure Prediction Using Spatiotemporal Feature Fusion on EEG.
- Author
-
Ji, Dezan, He, Landi, Dong, Xingchen, Li, Haotian, Zhong, Xiangwen, Liu, Guoyang, and Zhou, Weidong
- Subjects
- *
ELECTROENCEPHALOGRAPHY , *EPILEPSY , *CONVOLUTIONAL neural networks , *FEATURE extraction , *DATABASES , *SIGNAL filtering - Abstract
Electroencephalography (EEG) plays a crucial role in epilepsy analysis, and epileptic seizure prediction has significant value for clinical treatment of epilepsy. Currently, prediction methods using Convolutional Neural Network (CNN) primarily focus on local features of EEG, making it challenging to simultaneously capture the spatial and temporal features from multi-channel EEGs to identify the preictal state effectively. In order to extract inherent spatial relationships among multi-channel EEGs while obtaining their temporal correlations, this study proposed an end-to-end model for the prediction of epileptic seizures by incorporating Graph Attention Network (GAT) and Temporal Convolutional Network (TCN). Low-pass filtered EEG signals were fed into the GAT module for EEG spatial feature extraction, and followed by TCN to capture temporal features, allowing the end-to-end model to acquire the spatiotemporal correlations of multi-channel EEGs. The system was evaluated on the publicly available CHB-MIT database, yielding segment-based accuracy of 98.71%, specificity of 98.35%, sensitivity of 99.07%, and F1-score of 98.71%, respectively. Event-based sensitivity of 97.03% and False Positive Rate (FPR) of 0.03/h was also achieved. Experimental results demonstrated this system can achieve superior performance for seizure prediction by leveraging the fusion of EEG spatiotemporal features without the need of feature engineering. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
42. A single-stream adaptive scene layout modeling method for scene recognition.
- Author
-
Wang, Qun, Zhu, Feng, Lin, Zhiyuan, Wang, Jianyu, Li, Xiang, and Zhao, Pengfei
- Subjects
- *
CONVOLUTIONAL neural networks , *COMPUTER vision , *VISUAL fields - Abstract
Scene recognition has been the foundation of research in computer vision fields. Because scene images typically are composed of specific regions distributed in some layout, so modeling layouts of various scenes is a key clue for scene recognition. Existing methods usually require an additional stream to detect regions for subsequent modeling, which accumulate errors and may miss important information. Meanwhile, they use manual features to model relations between regions, which weakens the representation ability of layouts. In this paper, we propose a single-stream adaptive scene layout modeling approach based on a layout modeling module (LMM), which constructs layouts without additional detection streams and adaptively captures the relations to take advantage of graph attention network. LMM is directly concatenated to a convolutional neural network, where each pixel of the activation maps of the last convolutional layer is defined as a region that is the initial input node of the LMM. LMM first models the layout of each region, and then uses all regions with layout information to model the entire scene. Layout relations are encoded as edges, which are automatically analyzed according to region co-occurrence and relative position. Our work can be understood as optimizing features of the activation maps from a scene layout modeling perspective for scene recognition. Experimental results on MIT67, SUN397, and Places365 show that our single-stream model achieves competitive performance. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
43. A dynamic learning framework integrating attention mechanism for point cloud registration.
- Author
-
Li, Cuixia, Guan, Yuyin, Yang, Shanshan, and Li, Yinghao
- Subjects
- *
POINT cloud , *CONVOLUTIONAL neural networks , *T-matrix , *SINGULAR value decomposition , *FEATURE extraction , *RECORDING & registration - Abstract
To improve the low accuracy problem of existing point cloud registration algorithms attributed to deficient point cloud geometric features, we proposed a new point cloud registration network inspired by dynamic feature extraction and the graph attention mechanism. The model uses the dynamic graph edge convolution neural network to characterize the multi-level semantics of the point cloud at first, then uses a feature fusion module based on attention mechanism to fuse the representation information, and finally uses the singular value decomposition (SVD) method to generate the transformation matrix. The experimental verification was carried out on the ModelNet40, ShapeNet Part datasets, and the local industrial part dataset. Experiment results show that our model gets competitive registration performance compared with other advanced models on three datasets. When tested on the untrained data class and the noisy circumstances, our model gets lower average registration errors than compared models. It shows that our framework has not only the characteristics of high registration accuracy and generalization ability but also strong robustness. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
44. 基于多粒度阅读器和图注意力网络的 文档级事件抽取.
- Author
-
薛颂东, 李永豪, and 赵红燕
- Subjects
- *
COMPLETE graphs , *BASE pairs , *ARGUMENT , *DISPERSION (Chemistry) , *ENCODING - Abstract
Document level event extraction faces two major challenges: argument dispersion and multiple events. Most existing work adopts the method of extracting candidate arguments sentence by sentence, which makes it difficult to model contextual information across sentences. Therefore, this paper proposed a document level event extraction model based on multi granularity readers and graph attention networks. It used multi-granularity readers to achieve multi-level semantic encoding, and used the graph attention network to capture local and global relations between entity pairs. It constructed a pruned complete graph based on entity pair similarity as a pseudo trigger to comprehensively capture events and arguments in the document. Experiments conducted on the public datasets of ChFinAnn and DuEE-Fin show that the proposed method improves the problem of argument dispersion and enhances model s event extraction performance. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
45. 基于图可解释网络的软件错误定位.
- Author
-
邹凯胜, 周世健, and 樊鑫
- Abstract
Copyright of Computer Measurement & Control is the property of Magazine Agency of Computer Measurement & Control and its content may not be copied or emailed to multiple sites or posted to a listserv without the copyright holder's express written permission. However, users may print, download, or email articles for individual use. This abstract may be abridged. No warranty is given about the accuracy of the copy. Users should refer to the original published version of the material for the full abstract. (Copyright applies to all Abstracts.)
- Published
- 2024
- Full Text
- View/download PDF
46. 基于多种图结构信息融合的刮板输送机健康状态识别.
- Author
-
杨鑫, 苏乐, 程永军, 王波, 赵愿, 杨雄伟, 赵成龙, 曹现刚, and 赵江滨
- Subjects
MINES & mineral resources ,COAL transportation ,COAL mining ,HEALTH status indicators ,TRANSPORTATION equipment - Abstract
Copyright of Coal Science & Technology (0253-2336) is the property of Coal Science & Technology and its content may not be copied or emailed to multiple sites or posted to a listserv without the copyright holder's express written permission. However, users may print, download, or email articles for individual use. This abstract may be abridged. No warranty is given about the accuracy of the copy. Users should refer to the original published version of the material for the full abstract. (Copyright applies to all Abstracts.)
- Published
- 2024
- Full Text
- View/download PDF
47. Vessel Trajectory Prediction for Enhanced Maritime Navigation Safety: A Novel Hybrid Methodology.
- Author
-
Li, Yuhao, Yu, Qing, and Yang, Zhisen
- Subjects
SEARCH & rescue operations ,AUTOMATIC identification ,MARITIME safety ,PREDICTION models ,MODEL validation ,COLLISIONS at sea - Abstract
The accurate prediction of vessel trajectory is of crucial importance in order to improve navigational efficiency, optimize routes, enhance the effectiveness of search and rescue operations at sea, and ensure maritime safety. However, the spatial interaction among vessels can have a certain impact on the prediction accuracy of the models. To overcome such a problem in predicting the vessel trajectory, this research proposes a novel hybrid methodology incorporating the graph attention network (GAT) and long short-term memory network (LSTM). The proposed GAT-LSTM model can comprehensively consider spatio-temporal features in the prediction process, which is expected to significantly improve the accuracy and robustness of the trajectory prediction. The Automatic Identification System (AIS) data from the surrounding waters of Xiamen Port is collected and utilized as the empirical case for model validation. The experimental results demonstrate that the GAT-LSTM model outperforms the best baseline model in terms of the reduction on the average displacement error and final displacement error, which are 44.52% and 56.20%, respectively. These improvements will translate into more accurate vessel trajectories, helping to minimize route deviations and improve the accuracy of collision avoidance systems, so that this research can effectively provide support for warning about potential collisions and reducing the risk of maritime accidents. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
48. Enhanced Topic-Aware Summarization Using Statistical Graph Neural Networks.
- Author
-
Khaliq, Ayesha, Awan, Salman Afsar, Ahmad, Fahad, Zia, Muhammad Azam, and Iqbal, Muhammad Zafar
- Subjects
LANGUAGE models ,AUTOMATIC summarization ,GRAPH neural networks ,TEXT summarization ,INTERNET content - Abstract
The rapid expansion of online content and big data has precipitated an urgent need for efficient summarization techniques to swiftly comprehend vast textual documents without compromising their original integrity. Current approaches in Extractive Text Summarization (ETS) leverage the modeling of inter-sentence relationships, a task of paramount importance in producing coherent summaries. This study introduces an innovative model that integrates Graph Attention Networks (GATs) with Transformer-based Bidirectional Encoder Representations from Transformers (BERT) and Latent Dirichlet Allocation (LDA), further enhanced by Term Frequency-Inverse Document Frequency (TF-IDF) values, to improve sentence selection by capturing comprehensive topical information. Our approach constructs a graph with nodes representing sentences, words, and topics, thereby elevating the interconnectivity and enabling a more refined understanding of text structures. This model is stretched to Multi-Document Summarization (MDS) from Single-Document Summarization, offering significant improvements over existing models such as THGS-GMM and Topic-GraphSum, as demonstrated by empirical evaluations on benchmark news datasets like Cable News Network (CNN)/Daily Mail (DM) and Multi-News. The results consistently demonstrate superior performance, showcasing the model's robustness in handling complex summarization tasks across single and multi-document contexts. This research not only advances the integration of BERT and LDA within a GATs but also emphasizes our model's capacity to effectively manage global information and adapt to diverse summarization challenges. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
49. 基于对话结构与图注意力网络的药物推荐算法.
- Author
-
陈江美, 张文德, and 谭睿璞
- Abstract
Copyright of Journal of Frontiers of Computer Science & Technology is the property of Beijing Journal of Computer Engineering & Applications Journal Co Ltd. and its content may not be copied or emailed to multiple sites or posted to a listserv without the copyright holder's express written permission. However, users may print, download, or email articles for individual use. This abstract may be abridged. No warranty is given about the accuracy of the copy. Users should refer to the original published version of the material for the full abstract. (Copyright applies to all Abstracts.)
- Published
- 2024
- Full Text
- View/download PDF
50. Enhanced botnet detection in IoT networks using zebra optimization and dual-channel GAN classification.
- Author
-
Shareef, SK Khaja, Chaitanya, R. Krishna, Chennupalli, Srinivasulu, Chokkakula, Devi, Kiran, K. V. D., Pamula, Udayaraju, and Vatambeti, Ramesh
- Subjects
- *
BOTNETS , *OPTIMIZATION algorithms , *GENERATIVE adversarial networks , *ZEBRAS , *INTERNET of things , *SMART cities - Abstract
The Internet of Things (IoT) permeates various sectors, including healthcare, smart cities, and agriculture, alongside critical infrastructure management. However, its susceptibility to malware due to limited processing power and security protocols poses significant challenges. Traditional antimalware solutions fall short in combating evolving threats. To address this, the research work developed a feature selection-based classification model. At first stage, a preprocessing stage enhances dataset quality through data smoothing and consistency improvement. Feature selection via the Zebra Optimization Algorithm (ZOA) reduces dimensionality, while a classification phase integrates the Graph Attention Network (GAN), specifically the Dual-channel GAN (DGAN). DGAN incorporates Node Attention Networks and Semantic Attention Networks to capture intricate IoT device interactions and detect anomalous behaviors like botnet activity. The model's accuracy is further boosted by leveraging both structural and semantic data with the Sooty Tern Optimization Algorithm (STOA) for hyperparameter tuning. The proposed STOA-DGAN model achieves an impressive 99.87% accuracy in botnet activity classification, showcasing robustness and reliability compared to existing approaches. [ABSTRACT FROM AUTHOR]
- Published
- 2024
- Full Text
- View/download PDF
Catalog
Discovery Service for Jio Institute Digital Library
For full access to our library's resources, please sign in.