期刊文献+
共找到917篇文章
< 1 2 46 >
每页显示 20 50 100
Dynamic Multi-Graph Spatio-Temporal Graph Traffic Flow Prediction in Bangkok:An Application of a Continuous Convolutional Neural Network
1
作者 Pongsakon Promsawat Weerapan Sae-dan +2 位作者 Marisa Kaewsuwan Weerawat Sudsutad Aphirak Aphithana 《Computer Modeling in Engineering & Sciences》 SCIE EI 2025年第1期579-607,共29页
The ability to accurately predict urban traffic flows is crucial for optimising city operations.Consequently,various methods for forecasting urban traffic have been developed,focusing on analysing historical data to u... The ability to accurately predict urban traffic flows is crucial for optimising city operations.Consequently,various methods for forecasting urban traffic have been developed,focusing on analysing historical data to understand complex mobility patterns.Deep learning techniques,such as graph neural networks(GNNs),are popular for their ability to capture spatio-temporal dependencies.However,these models often become overly complex due to the large number of hyper-parameters involved.In this study,we introduce Dynamic Multi-Graph Spatial-Temporal Graph Neural Ordinary Differential Equation Networks(DMST-GNODE),a framework based on ordinary differential equations(ODEs)that autonomously discovers effective spatial-temporal graph neural network(STGNN)architectures for traffic prediction tasks.The comparative analysis of DMST-GNODE and baseline models indicates that DMST-GNODE model demonstrates superior performance across multiple datasets,consistently achieving the lowest Root Mean Square Error(RMSE)and Mean Absolute Error(MAE)values,alongside the highest accuracy.On the BKK(Bangkok)dataset,it outperformed other models with an RMSE of 3.3165 and an accuracy of 0.9367 for a 20-min interval,maintaining this trend across 40 and 60 min.Similarly,on the PeMS08 dataset,DMST-GNODE achieved the best performance with an RMSE of 19.4863 and an accuracy of 0.9377 at 20 min,demonstrating its effectiveness over longer periods.The Los_Loop dataset results further emphasise this model’s advantage,with an RMSE of 3.3422 and an accuracy of 0.7643 at 20 min,consistently maintaining superiority across all time intervals.These numerical highlights indicate that DMST-GNODE not only outperforms baseline models but also achieves higher accuracy and lower errors across different time intervals and datasets. 展开更多
关键词 graph neural networks convolutional neural network deep learning dynamic multi-graph spatio-temporal
在线阅读 下载PDF
Convolutional Graph Neural Network with Novel Loss Strategies for Daily Temperature and Precipitation Statistical Downscaling over South China
2
作者 Wenjie YAN Shengjun LIU +6 位作者 Yulin ZOU Xinru LIU Diyao WEN Yamin HU Dangfu YANG Jiehong XIE Liang ZHAO 《Advances in Atmospheric Sciences》 2025年第1期232-247,共16页
Traditional meteorological downscaling methods face limitations due to the complex distribution of meteorological variables,which can lead to unstable forecasting results,especially in extreme scenarios.To overcome th... Traditional meteorological downscaling methods face limitations due to the complex distribution of meteorological variables,which can lead to unstable forecasting results,especially in extreme scenarios.To overcome this issue,we propose a convolutional graph neural network(CGNN)model,which we enhance with multilayer feature fusion and a squeeze-and-excitation block.Additionally,we introduce a spatially balanced mean squared error(SBMSE)loss function to address the imbalanced distribution and spatial variability of meteorological variables.The CGNN is capable of extracting essential spatial features and aggregating them from a global perspective,thereby improving the accuracy of prediction and enhancing the model's generalization ability.Based on the experimental results,CGNN has certain advantages in terms of bias distribution,exhibiting a smaller variance.When it comes to precipitation,both UNet and AE also demonstrate relatively small biases.As for temperature,AE and CNNdense perform outstandingly during the winter.The time correlation coefficients show an improvement of at least 10%at daily and monthly scales for both temperature and precipitation.Furthermore,the SBMSE loss function displays an advantage over existing loss functions in predicting the98th percentile and identifying areas where extreme events occur.However,the SBMSE tends to overestimate the distribution of extreme precipitation,which may be due to the theoretical assumptions about the posterior distribution of data that partially limit the effectiveness of the loss function.In future work,we will further optimize the SBMSE to improve prediction accuracy. 展开更多
关键词 statistical downscaling convolutional graph neural network feature processing SBMSE loss function
在线阅读 下载PDF
SGP-GCN:A Spatial-Geological Perception Graph Convolutional Neural Network for Long-Term Petroleum Production Forecasting
3
作者 Xin Liu Meng Sun +1 位作者 Bo Lin Shibo Gu 《Energy Engineering》 2025年第3期1053-1072,共20页
Long-termpetroleum production forecasting is essential for the effective development andmanagement of oilfields.Due to its ability to extract complex patterns,deep learning has gained popularity for production forecas... Long-termpetroleum production forecasting is essential for the effective development andmanagement of oilfields.Due to its ability to extract complex patterns,deep learning has gained popularity for production forecasting.However,existing deep learning models frequently overlook the selective utilization of information from other production wells,resulting in suboptimal performance in long-term production forecasting across multiple wells.To achieve accurate long-term petroleum production forecast,we propose a spatial-geological perception graph convolutional neural network(SGP-GCN)that accounts for the temporal,spatial,and geological dependencies inherent in petroleum production.Utilizing the attention mechanism,the SGP-GCN effectively captures intricate correlations within production and geological data,forming the representations of each production well.Based on the spatial distances and geological feature correlations,we construct a spatial-geological matrix as the weight matrix to enable differential utilization of information from other wells.Additionally,a matrix sparsification algorithm based on production clustering(SPC)is also proposed to optimize the weight distribution within the spatial-geological matrix,thereby enhancing long-term forecasting performance.Empirical evaluations have shown that the SGP-GCN outperforms existing deep learning models,such as CNN-LSTM-SA,in long-term petroleum production forecasting.This demonstrates the potential of the SGP-GCN as a valuable tool for long-term petroleum production forecasting across multiple wells. 展开更多
关键词 Petroleum production forecast graph convolutional neural networks(GCNs) spatial-geological rela-tionships production clustering attention mechanism
在线阅读 下载PDF
TMC-GCN: Encrypted Traffic Mapping Classification Method Based on Graph Convolutional Networks 被引量:1
4
作者 Baoquan Liu Xi Chen +2 位作者 Qingjun Yuan Degang Li Chunxiang Gu 《Computers, Materials & Continua》 2025年第2期3179-3201,共23页
With the emphasis on user privacy and communication security, encrypted traffic has increased dramatically, which brings great challenges to traffic classification. The classification method of encrypted traffic based... With the emphasis on user privacy and communication security, encrypted traffic has increased dramatically, which brings great challenges to traffic classification. The classification method of encrypted traffic based on GNN can deal with encrypted traffic well. However, existing GNN-based approaches ignore the relationship between client or server packets. In this paper, we design a network traffic topology based on GCN, called Flow Mapping Graph (FMG). FMG establishes sequential edges between vertexes by the arrival order of packets and establishes jump-order edges between vertexes by connecting packets in different bursts with the same direction. It not only reflects the time characteristics of the packet but also strengthens the relationship between the client or server packets. According to FMG, a Traffic Mapping Classification model (TMC-GCN) is designed, which can automatically capture and learn the characteristics and structure information of the top vertex in FMG. The TMC-GCN model is used to classify the encrypted traffic. The encryption stream classification problem is transformed into a graph classification problem, which can effectively deal with data from different data sources and application scenarios. By comparing the performance of TMC-GCN with other classical models in four public datasets, including CICIOT2023, ISCXVPN2016, CICAAGM2017, and GraphDapp, the effectiveness of the FMG algorithm is verified. The experimental results show that the accuracy rate of the TMC-GCN model is 96.13%, the recall rate is 95.04%, and the F1 rate is 94.54%. 展开更多
关键词 Encrypted traffic classification deep learning graph neural networks multi-layer perceptron graph convolutional networks
在线阅读 下载PDF
An Arrhythmia Intelligent Recognition Method Based on a Multimodal Information and Spatio-Temporal Hybrid Neural Network Model
5
作者 Xinchao Han Aojun Zhang +6 位作者 Runchuan Li Shengya Shen Di Zhang Bo Jin Longfei Mao Linqi Yang Shuqin Zhang 《Computers, Materials & Continua》 2025年第2期3443-3465,共23页
Electrocardiogram (ECG) analysis is critical for detecting arrhythmias, but traditional methods struggle with large-scale Electrocardiogram data and rare arrhythmia events in imbalanced datasets. These methods fail to... Electrocardiogram (ECG) analysis is critical for detecting arrhythmias, but traditional methods struggle with large-scale Electrocardiogram data and rare arrhythmia events in imbalanced datasets. These methods fail to perform multi-perspective learning of temporal signals and Electrocardiogram images, nor can they fully extract the latent information within the data, falling short of the accuracy required by clinicians. Therefore, this paper proposes an innovative hybrid multimodal spatiotemporal neural network to address these challenges. The model employs a multimodal data augmentation framework integrating visual and signal-based features to enhance the classification performance of rare arrhythmias in imbalanced datasets. Additionally, the spatiotemporal fusion module incorporates a spatiotemporal graph convolutional network to jointly model temporal and spatial features, uncovering complex dependencies within the Electrocardiogram data and improving the model’s ability to represent complex patterns. In experiments conducted on the MIT-BIH arrhythmia dataset, the model achieved 99.95% accuracy, 99.80% recall, and a 99.78% F1 score. The model was further validated for generalization using the clinical INCART arrhythmia dataset, and the results demonstrated its effectiveness in terms of both generalization and robustness. 展开更多
关键词 Multimodal learning spatio-temporal hybrid graph convolutional network data imbalance ECG classification
在线阅读 下载PDF
Classification of urban interchange patterns using a model combining shape context descriptor and graph convolutional neural network 被引量:1
6
作者 Min Yang Minjun Cao +3 位作者 Lingya Cheng Huiping Jiang Tinghua Ai Xiongfeng Yan 《Geo-Spatial Information Science》 CSCD 2024年第5期1622-1637,共16页
Pattern recognition is critical to map data handling and their applications.This study presents a model that combines the Shape Context(SC)descriptor and Graph Convolutional Neural Network(GCNN)to classify the pattern... Pattern recognition is critical to map data handling and their applications.This study presents a model that combines the Shape Context(SC)descriptor and Graph Convolutional Neural Network(GCNN)to classify the patterns of interchanges,which are indispensable parts of urban road networks.In the SC-GCNN model,an interchange is modeled as a graph,wherein nodes and edges represent the interchange segments and their connections,respectively.Then,a novel SC descriptor is implemented to describe the contextual information of each interchange segment and serve as descriptive features of graph nodes.Finally,a GCNN is designed by combining graph convolution and pooling operations to process the constructed graphs and classify the interchange patterns.The SC-GCNN model was validated using interchange samples obtained from the road networks of 15 cities downloaded from OpenStreetMap.The classification accuracy was 87.06%,which was higher than that of the image-based AlexNet,GoogLeNet,and Random Forest models. 展开更多
关键词 Road networks interchange pattern CLASSIFICATION graph convolutional neural networks(GCNNs) Shape Context(SC)descriptor
原文传递
An End-To-End Hyperbolic Deep Graph Convolutional Neural Network Framework
7
作者 Yuchen Zhou Hongtao Huo +5 位作者 Zhiwen Hou Lingbin Bu Yifan Wang Jingyi Mao Xiaojun Lv Fanliang Bu 《Computer Modeling in Engineering & Sciences》 SCIE EI 2024年第4期537-563,共27页
Graph Convolutional Neural Networks(GCNs)have been widely used in various fields due to their powerful capabilities in processing graph-structured data.However,GCNs encounter significant challenges when applied to sca... Graph Convolutional Neural Networks(GCNs)have been widely used in various fields due to their powerful capabilities in processing graph-structured data.However,GCNs encounter significant challenges when applied to scale-free graphs with power-law distributions,resulting in substantial distortions.Moreover,most of the existing GCN models are shallow structures,which restricts their ability to capture dependencies among distant nodes and more refined high-order node features in scale-free graphs with hierarchical structures.To more broadly and precisely apply GCNs to real-world graphs exhibiting scale-free or hierarchical structures and utilize multi-level aggregation of GCNs for capturing high-level information in local representations,we propose the Hyperbolic Deep Graph Convolutional Neural Network(HDGCNN),an end-to-end deep graph representation learning framework that can map scale-free graphs from Euclidean space to hyperbolic space.In HDGCNN,we define the fundamental operations of deep graph convolutional neural networks in hyperbolic space.Additionally,we introduce a hyperbolic feature transformation method based on identity mapping and a dense connection scheme based on a novel non-local message passing framework.In addition,we present a neighborhood aggregation method that combines initial structural featureswith hyperbolic attention coefficients.Through the above methods,HDGCNN effectively leverages both the structural features and node features of graph data,enabling enhanced exploration of non-local structural features and more refined node features in scale-free or hierarchical graphs.Experimental results demonstrate that HDGCNN achieves remarkable performance improvements over state-ofthe-art GCNs in node classification and link prediction tasks,even when utilizing low-dimensional embedding representations.Furthermore,when compared to shallow hyperbolic graph convolutional neural network models,HDGCNN exhibits notable advantages and performance enhancements. 展开更多
关键词 graph neural networks hyperbolic graph convolutional neural networks deep graph convolutional neural networks message passing framework
在线阅读 下载PDF
Self-FAGCFN:Graph-Convolution Fusion Network Based on Feature Fusion and Self-Supervised Feature Alignment for Pneumonia and Tuberculosis Diagnosis
8
作者 Junding Sun Wenhao Tang +5 位作者 Lei Zhao Chaosheng Tang Xiaosheng Wu Zhaozhao Xu Bin Pu Yudong Zhang 《Journal of Bionic Engineering》 2025年第4期2012-2029,共18页
Feature fusion is an important technique in medical image classification that can improve diagnostic accuracy by integrating complementary information from multiple sources.Recently,Deep Learning(DL)has been widely us... Feature fusion is an important technique in medical image classification that can improve diagnostic accuracy by integrating complementary information from multiple sources.Recently,Deep Learning(DL)has been widely used in pulmonary disease diagnosis,such as pneumonia and tuberculosis.However,traditional feature fusion methods often suffer from feature disparity,information loss,redundancy,and increased complexity,hindering the further extension of DL algorithms.To solve this problem,we propose a Graph-Convolution Fusion Network with Self-Supervised Feature Alignment(Self-FAGCFN)to address the limitations of traditional feature fusion methods in deep learning-based medical image classification for respiratory diseases such as pneumonia and tuberculosis.The network integrates Convolutional Neural Networks(CNNs)for robust feature extraction from two-dimensional grid structures and Graph Convolutional Networks(GCNs)within a Graph Neural Network branch to capture features based on graph structure,focusing on significant node representations.Additionally,an Attention-Embedding Ensemble Block is included to capture critical features from GCN outputs.To ensure effective feature alignment between pre-and post-fusion stages,we introduce a feature alignment loss that minimizes disparities.Moreover,to address the limitations of proposed methods,such as inappropriate centroid discrepancies during feature alignment and class imbalance in the dataset,we develop a Feature-Centroid Fusion(FCF)strategy and a Multi-Level Feature-Centroid Update(MLFCU)algorithm,respectively.Extensive experiments on public datasets LungVision and Chest-Xray demonstrate that the Self-FAGCFN model significantly outperforms existing methods in diagnosing pneumonia and tuberculosis,highlighting its potential for practical medical applications. 展开更多
关键词 Feature fusion Self-supervised feature alignment convolutional neural networks graph convolutional networks Class imbalance Feature-centroid fusion
在线阅读 下载PDF
Dynamic adaptive spatio-temporal graph network for COVID-19 forecasting
9
作者 Xiaojun Pu Jiaqi Zhu +3 位作者 Yunkun Wu Chang Leng Zitong Bo Hongan Wang 《CAAI Transactions on Intelligence Technology》 SCIE EI 2024年第3期769-786,共18页
Appropriately characterising the mixed space-time relations of the contagion process caused by hybrid space and time factors remains the primary challenge in COVID-19 forecasting.However,in previous deep learning mode... Appropriately characterising the mixed space-time relations of the contagion process caused by hybrid space and time factors remains the primary challenge in COVID-19 forecasting.However,in previous deep learning models for epidemic forecasting,spatial and temporal variations are captured separately.A unified model is developed to cover all spatio-temporal relations.However,this measure is insufficient for modelling the complex spatio-temporal relations of infectious disease transmission.A dynamic adaptive spatio-temporal graph network(DASTGN)is proposed based on attention mechanisms to improve prediction accuracy.In DASTGN,complex spatio-temporal relations are depicted by adaptively fusing the mixed space-time effects and dynamic space-time dependency structure.This dual-scale model considers the time-specific,space-specific,and direct effects of the propagation process at the fine-grained level.Furthermore,the model characterises impacts from various space-time neighbour blocks under time-varying interventions at the coarse-grained level.The performance comparisons on the three COVID-19 datasets reveal that DASTGN achieves state-of-the-art results with a maximum improvement of 17.092%in the root mean-square error and 11.563%in the mean absolute error.Experimental results indicate that the mechanisms of designing DASTGN can effectively detect some spreading characteristics of COVID-19.The spatio-temporal weight matrices learned in each proposed module reveal diffusion patterns in various scenarios.In conclusion,DASTGN has successfully captured the dynamic spatio-temporal variations of COVID-19,and considering multiple dynamic space-time relationships is essential in epidemic forecasting. 展开更多
关键词 ADAPTIVE COVID-19 forecasting dynamic INTERVENTION spatio-temporal graph neural networks
在线阅读 下载PDF
Graph Convolutional Networks Embedding Textual Structure Information for Relation Extraction
10
作者 Chuyuan Wei Jinzhe Li +2 位作者 Zhiyuan Wang Shanshan Wan Maozu Guo 《Computers, Materials & Continua》 SCIE EI 2024年第5期3299-3314,共16页
Deep neural network-based relational extraction research has made significant progress in recent years,andit provides data support for many natural language processing downstream tasks such as building knowledgegraph,... Deep neural network-based relational extraction research has made significant progress in recent years,andit provides data support for many natural language processing downstream tasks such as building knowledgegraph,sentiment analysis and question-answering systems.However,previous studies ignored much unusedstructural information in sentences that could enhance the performance of the relation extraction task.Moreover,most existing dependency-based models utilize self-attention to distinguish the importance of context,whichhardly deals withmultiple-structure information.To efficiently leverage multiple structure information,this paperproposes a dynamic structure attention mechanism model based on textual structure information,which deeplyintegrates word embedding,named entity recognition labels,part of speech,dependency tree and dependency typeinto a graph convolutional network.Specifically,our model extracts text features of different structures from theinput sentence.Textual Structure information Graph Convolutional Networks employs the dynamic structureattention mechanism to learn multi-structure attention,effectively distinguishing important contextual features invarious structural information.In addition,multi-structure weights are carefully designed as amergingmechanismin the different structure attention to dynamically adjust the final attention.This paper combines these featuresand trains a graph convolutional network for relation extraction.We experiment on supervised relation extractiondatasets including SemEval 2010 Task 8,TACRED,TACREV,and Re-TACED,the result significantly outperformsthe previous. 展开更多
关键词 Relation extraction graph convolutional neural networks dependency tree dynamic structure attention
在线阅读 下载PDF
Smart Lung Tumor Prediction Using Dual Graph Convolutional Neural Network 被引量:1
11
作者 Abdalla Alameen 《Intelligent Automation & Soft Computing》 SCIE 2023年第4期369-383,共15页
A significant advantage of medical image processing is that it allows non-invasive exploration of internal anatomy in great detail.It is possible to create and study 3D models of anatomical structures to improve treatm... A significant advantage of medical image processing is that it allows non-invasive exploration of internal anatomy in great detail.It is possible to create and study 3D models of anatomical structures to improve treatment outcomes,develop more effective medical devices,or arrive at a more accurate diagnosis.This paper aims to present a fused evolutionary algorithm that takes advantage of both whale optimization and bacterial foraging optimization to optimize feature extraction.The classification process was conducted with the aid of a convolu-tional neural network(CNN)with dual graphs.Evaluation of the performance of the fused model is carried out with various methods.In the initial input Com-puter Tomography(CT)image,150 images are pre-processed and segmented to identify cancerous and non-cancerous nodules.The geometrical,statistical,struc-tural,and texture features are extracted from the preprocessed segmented image using various methods such as Gray-level co-occurrence matrix(GLCM),Histo-gram-oriented gradient features(HOG),and Gray-level dependence matrix(GLDM).To select the optimal features,a novel fusion approach known as Whale-Bacterial Foraging Optimization is proposed.For the classification of lung cancer,dual graph convolutional neural networks have been employed.A com-parison of classification algorithms and optimization algorithms has been con-ducted.According to the evaluated results,the proposed fused algorithm is successful with an accuracy of 98.72%in predicting lung tumors,and it outper-forms other conventional approaches. 展开更多
关键词 CNN dual graph convolutional neural network GLCM GLDM HOG image processing lung tumor prediction whale bacterial foraging optimization
在线阅读 下载PDF
Weighted Forwarding in Graph Convolution Networks for Recommendation Information Systems
12
作者 Sang-min Lee Namgi Kim 《Computers, Materials & Continua》 SCIE EI 2024年第2期1897-1914,共18页
Recommendation Information Systems(RIS)are pivotal in helping users in swiftly locating desired content from the vast amount of information available on the Internet.Graph Convolution Network(GCN)algorithms have been ... Recommendation Information Systems(RIS)are pivotal in helping users in swiftly locating desired content from the vast amount of information available on the Internet.Graph Convolution Network(GCN)algorithms have been employed to implement the RIS efficiently.However,the GCN algorithm faces limitations in terms of performance enhancement owing to the due to the embedding value-vanishing problem that occurs during the learning process.To address this issue,we propose a Weighted Forwarding method using the GCN(WF-GCN)algorithm.The proposed method involves multiplying the embedding results with different weights for each hop layer during graph learning.By applying the WF-GCN algorithm,which adjusts weights for each hop layer before forwarding to the next,nodes with many neighbors achieve higher embedding values.This approach facilitates the learning of more hop layers within the GCN framework.The efficacy of the WF-GCN was demonstrated through its application to various datasets.In the MovieLens dataset,the implementation of WF-GCN in LightGCN resulted in significant performance improvements,with recall and NDCG increasing by up to+163.64%and+132.04%,respectively.Similarly,in the Last.FM dataset,LightGCN using WF-GCN enhanced with WF-GCN showed substantial improvements,with the recall and NDCG metrics rising by up to+174.40%and+169.95%,respectively.Furthermore,the application of WF-GCN to Self-supervised Graph Learning(SGL)and Simple Graph Contrastive Learning(SimGCL)also demonstrated notable enhancements in both recall and NDCG across these datasets. 展开更多
关键词 Deep learning graph neural network graph convolution network graph convolution network model learning method recommender information systems
在线阅读 下载PDF
Sampling Methods for Efficient Training of Graph Convolutional Networks:A Survey 被引量:5
13
作者 Xin Liu Mingyu Yan +3 位作者 Lei Deng Guoqi Li Xiaochun Ye Dongrui Fan 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2022年第2期205-234,共30页
Graph convolutional networks(GCNs)have received significant attention from various research fields due to the excellent performance in learning graph representations.Although GCN performs well compared with other meth... Graph convolutional networks(GCNs)have received significant attention from various research fields due to the excellent performance in learning graph representations.Although GCN performs well compared with other methods,it still faces challenges.Training a GCN model for large-scale graphs in a conventional way requires high computation and storage costs.Therefore,motivated by an urgent need in terms of efficiency and scalability in training GCN,sampling methods have been proposed and achieved a significant effect.In this paper,we categorize sampling methods based on the sampling mechanisms and provide a comprehensive survey of sampling methods for efficient training of GCN.To highlight the characteristics and differences of sampling methods,we present a detailed comparison within each category and further give an overall comparative analysis for the sampling methods in all categories.Finally,we discuss some challenges and future research directions of the sampling methods. 展开更多
关键词 Efficient training graph convolutional networks(GCNs) graph neural networks(GNNs) sampling method
在线阅读 下载PDF
CBSG_DPI—A Deep Learning Method for Drug-target Interactions Based on a Graph Convolutional Neural Network
14
作者 Yuyu GAN Yanjia YU +2 位作者 Yongshang YU Le ZHONG Yong LIU 《Journal of Systems Science and Information》 2025年第2期203-220,共18页
Drug-protein interaction(DPI)prediction in drug discovery and new drug design plays a key role,but the traditional in vitro experiments would incur significant temporal and financial costs,cannot smoothly advance drug... Drug-protein interaction(DPI)prediction in drug discovery and new drug design plays a key role,but the traditional in vitro experiments would incur significant temporal and financial costs,cannot smoothly advance drug-protein interaction research,so many computer prediction models have emerged,and the current commonly used is based on deep learning method.In this paper,a deep learning model Computer-based Drug-Protein Interaction CBSG_DPI is proposed to predict drug-protein interactions.This model uses the protein features extracted by the Computed Tomography CT and Bert method and the drug features extracted by the SMILES2Vec method and input into the graph convolutional neural network(GCN)to complete the prediction of drug-protein interactions.The obtained results show that the proposed model can not only predict drug-protein interactions more accurately but also train hundreds of times faster than the traditional deep learning model by abandoning the traditional grid search algorithm to find the best parameters. 展开更多
关键词 deep learning graph convolutional neural network drug-target interactions CBSG_DPI
原文传递
基于CNN-GraphSAGE双分支特征融合的齿轮箱故障诊断方法 被引量:1
15
作者 韩延 吴迪 +1 位作者 黄庆卿 张焱 《电子测量与仪器学报》 北大核心 2025年第3期115-124,共10页
针对卷积神经网络(CNN)在振动数据结构信息上挖掘不足导致故障诊断精度不高的问题,提出一种基于卷积神经网络与图采样和聚合网络(CNN-GraphSAGE)双分支特征融合的齿轮箱故障诊断方法。首先,对齿轮箱振动数据进行小波包分解,利用分解后... 针对卷积神经网络(CNN)在振动数据结构信息上挖掘不足导致故障诊断精度不高的问题,提出一种基于卷积神经网络与图采样和聚合网络(CNN-GraphSAGE)双分支特征融合的齿轮箱故障诊断方法。首先,对齿轮箱振动数据进行小波包分解,利用分解后的小波包特征系数构建包含节点和边的图结构数据;然后,建立CNN-GraphSAGE双分支特征提取网络,在CNN分支中采用空洞卷积网络提取数据的全局特征,在GraphSAGE网络分支中通过多层特征融合策略来挖掘数据结构中隐含的关联信息;最后,基于SKNet注意力机制融合提取的双分支特征,并输入全连接层中实现对齿轮箱的故障诊断。为验证研究方法在齿轮箱故障诊断上的优良性能,首先对所提方法进行消融实验,然后在无添加噪声和添加1 dB噪声的条件下进行对比实验。实验结果表明,即使在1 dB噪声的条件下,研究方法的平均诊断精度为92.07%,均高于其他对比模型,证明了研究方法能够有效地识别齿轮箱的各类故障。 展开更多
关键词 图卷积神经网络 卷积神经网络 故障诊断 注意力机制
原文传递
Multi-graph Networks with Graph Pooling for COVID-19 Diagnosis
16
作者 Chaosheng Tang Wenle Xu +3 位作者 Junding Sun Shuihua Wang Yudong Zhang Juan Manuel Górriz 《Journal of Bionic Engineering》 CSCD 2024年第6期3179-3200,共22页
Convolutional Neural Networks(CNNs)have shown remarkable capabilities in extracting local features from images,yet they often overlook the underlying relationships between pixels.To address this limitation,previous ap... Convolutional Neural Networks(CNNs)have shown remarkable capabilities in extracting local features from images,yet they often overlook the underlying relationships between pixels.To address this limitation,previous approaches have attempted to combine CNNs with Graph Convolutional Networks(GCNs)to capture global features.However,these approaches typically neglect the topological structure information of the graph during the global feature extraction stage.This paper proposes a novel end-to-end hybrid architecture called the Multi-Graph Pooling Network(MGPN),which is designed explicitly for chest X-ray image classification.Our approach sequentially combines CNNs and GCNs,enabling the learning of both local and global features from individual images.Recognizing that different nodes contribute differently to the final graph representation,we introduce an NI-GTP module to enhance the extraction of ultimate global features.Additionally,we introduce a G-LFF module to fuse the local and global features effectively. 展开更多
关键词 convolutional neural networks graph convolutional networks graph pooling COVID-19
暂未订购
Multi-Scale Location Attention Model for Spatio-Temporal Prediction of Disease Incidence
17
作者 Youshen Jiang Tongqing Zhou +2 位作者 Zhilin Wang Zhiping Cai Qiang Ni 《Intelligent Automation & Soft Computing》 2024年第3期585-597,共13页
Due to the increasingly severe challenges brought by various epidemic diseases,people urgently need intelligent outbreak trend prediction.Predicting disease onset is very important to assist decision-making.Most of th... Due to the increasingly severe challenges brought by various epidemic diseases,people urgently need intelligent outbreak trend prediction.Predicting disease onset is very important to assist decision-making.Most of the exist-ing work fails to make full use of the temporal and spatial characteristics of epidemics,and also relies on multi-variate data for prediction.In this paper,we propose a Multi-Scale Location Attention Graph Neural Networks(MSLAGNN)based on a large number of Centers for Disease Control and Prevention(CDC)patient electronic medical records research sequence source data sets.In order to understand the geography and timeliness of infec-tious diseases,specific neural networks are used to extract the geography and timeliness of infectious diseases.In the model framework,the features of different periods are extracted by a multi-scale convolution module.At the same time,the propagation effects between regions are simulated by graph convolution and attention mechan-isms.We compare the proposed method with the most advanced statistical methods and deep learning models.Meanwhile,we conduct comparative experiments on data sets with different time lengths to observe the predic-tion performance of the model in the face of different degrees of data collection.We conduct extensive experi-ments on real-world epidemic-related data sets.The method has strong prediction performance and can be readily used for epidemic prediction. 展开更多
关键词 spatio-temporal prediction infectious diseases graph neural networks
在线阅读 下载PDF
基于CNN-GraphSAGE的风口图像多尺度提取与识别模型 被引量:1
18
作者 李福民 王靖 +3 位作者 刘小杰 段一凡 张旭升 吕庆 《钢铁》 北大核心 2025年第1期40-50,共11页
高炉风口的各项状态指标对指导高炉顺行具有重要意义。长期以来,风口状态监测依赖人工观察和经验判断,存在着风口异常监测响应不及时和诊断不准确等问题。为了应对这一现状,在国内某钢铁厂2023年11-12月高炉风口图像的基础上,提出了基于... 高炉风口的各项状态指标对指导高炉顺行具有重要意义。长期以来,风口状态监测依赖人工观察和经验判断,存在着风口异常监测响应不及时和诊断不准确等问题。为了应对这一现状,在国内某钢铁厂2023年11-12月高炉风口图像的基础上,提出了基于CNN-GraphSAGE的风口图像多尺度提取与识别的方法,将风口图像进行一系列预处理后,采用卷积神经网络并行提取图像的多尺度特征信息,结合通道注意力机制动态调整不同特征通道权重,得到精细化的特征融合图。随后,采用改进的图神经网络GraphSAGE算法对特征融合图进行处理。经过多轮测试并与广泛应用的算法进行对比后,开发了基于CNN-GraphSAGE模型的高炉风口异常监测系统,可以监测挂渣、涌渣、断煤和漏水4类异常情况。相较于传统算法系统,该系统大幅度提高了风口异常监测响应速度,异常诊断准确率达93.40%,弥补了现有高炉风口监测方法的不足,极大降低了钢铁企业对风口异常诊断分析的成本,加强了对高炉炼铁过程的把控,确保其生产环节更加安全可靠。 展开更多
关键词 高炉 风口 卷积神经网络 多尺度特征提取 通道注意力 图神经网络 炼铁 钢铁
原文传递
Skeleton Split Strategies for Spatial Temporal Graph Convolution Networks
19
作者 Motasem S.Alsawadi Miguel Rio 《Computers, Materials & Continua》 SCIE EI 2022年第6期4643-4658,共16页
Action recognition has been recognized as an activity in which individuals’behaviour can be observed.Assembling profiles of regular activities such as activities of daily living can support identifying trends in the ... Action recognition has been recognized as an activity in which individuals’behaviour can be observed.Assembling profiles of regular activities such as activities of daily living can support identifying trends in the data during critical events.A skeleton representation of the human body has been proven to be effective for this task.The skeletons are presented in graphs form-like.However,the topology of a graph is not structured like Euclideanbased data.Therefore,a new set of methods to perform the convolution operation upon the skeleton graph is proposed.Our proposal is based on the Spatial Temporal-Graph Convolutional Network(ST-GCN)framework.In this study,we proposed an improved set of label mapping methods for the ST-GCN framework.We introduce three split techniques(full distance split,connection split,and index split)as an alternative approach for the convolution operation.The experiments presented in this study have been trained using two benchmark datasets:NTU-RGB+D and Kinetics to evaluate the performance.Our results indicate that our split techniques outperform the previous partition strategies and aremore stable during training without using the edge importance weighting additional training parameter.Therefore,our proposal can provide a more realistic solution for real-time applications centred on daily living recognition systems activities for indoor environments. 展开更多
关键词 Skeleton split strategies spatial temporal graph convolutional neural networks skeleton joints action recognition
在线阅读 下载PDF
Point Cloud Classification Network Based on Graph Convolution and Fusion Attention Mechanism
20
作者 Tengteng Song Zhao Li +1 位作者 Zhenguo Liu Yizhi He 《Journal of Computer and Communications》 2022年第9期81-95,共15页
The classification of point cloud data is the key technology of point cloud data information acquisition and 3D reconstruction, which has a wide range of applications. However, the existing point cloud classification ... The classification of point cloud data is the key technology of point cloud data information acquisition and 3D reconstruction, which has a wide range of applications. However, the existing point cloud classification methods have some shortcomings when extracting point cloud features, such as insufficient extraction of local information and overlooking the information in other neighborhood features in the point cloud, and not focusing on the point cloud channel information and spatial information. To solve the above problems, a point cloud classification network based on graph convolution and fusion attention mechanism is proposed to achieve more accurate classification results. Firstly, the point cloud is regarded as a node on the graph, the k-nearest neighbor algorithm is used to compose the graph and the information between points is dynamically captured by stacking multiple graph convolution layers;then, with the assistance of 2D experience of attention mechanism, an attention mechanism which has the capability to integrate more attention to point cloud spatial and channel information is introduced to increase the feature information of point cloud, aggregate local useful features and suppress useless features. Through the classification experiments on ModelNet40 dataset, the experimental results show that compared with PointNet network without considering the local feature information of the point cloud, the average classification accuracy of the proposed model has a 4.4% improvement and the overall classification accuracy has a 4.4% improvement. Compared with other networks, the classification accuracy of the proposed model has also been improved. 展开更多
关键词 graph convolution neural network Attention Mechanism Modelnet40 Point Cloud Classification
在线阅读 下载PDF
上一页 1 2 46 下一页 到第
使用帮助 返回顶部