期刊文献+
共找到840篇文章
< 1 2 42 >
每页显示 20 50 100
An End-To-End Hyperbolic Deep Graph Convolutional Neural Network Framework
1
作者 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
Graph Convolutional Networks Embedding Textual Structure Information for Relation Extraction
2
作者 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
3
作者 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
4
作者 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
Using BlazePose on Spatial Temporal Graph Convolutional Networks for Action Recognition
5
作者 Motasem S.Alsawadi El-Sayed M.El-kenawy Miguel Rio 《Computers, Materials & Continua》 SCIE EI 2023年第1期19-36,共18页
The ever-growing available visual data(i.e.,uploaded videos and pictures by internet users)has attracted the research community’s attention in the computer vision field.Therefore,finding efficient solutions to extrac... The ever-growing available visual data(i.e.,uploaded videos and pictures by internet users)has attracted the research community’s attention in the computer vision field.Therefore,finding efficient solutions to extract knowledge from these sources is imperative.Recently,the BlazePose system has been released for skeleton extraction from images oriented to mobile devices.With this skeleton graph representation in place,a Spatial-Temporal Graph Convolutional Network can be implemented to predict the action.We hypothesize that just by changing the skeleton input data for a different set of joints that offers more information about the action of interest,it is possible to increase the performance of the Spatial-Temporal Graph Convolutional Network for HAR tasks.Hence,in this study,we present the first implementation of the BlazePose skeleton topology upon this architecture for action recognition.Moreover,we propose the Enhanced-BlazePose topology that can achieve better results than its predecessor.Additionally,we propose different skeleton detection thresholds that can improve the accuracy performance even further.We reached a top-1 accuracy performance of 40.1%on the Kinetics dataset.For the NTU-RGB+D dataset,we achieved 87.59%and 92.1%accuracy for Cross-Subject and Cross-View evaluation criteria,respectively. 展开更多
关键词 Action recognition BlazePose graph neural network OpenPose SKELETON spatial temporal graph convolution network
下载PDF
Fast recognition using convolutional neural network for the coal particle density range based on images captured under multiple light sources 被引量:6
6
作者 Feiyan Bai Minqiang Fan +1 位作者 Hongli Yang Lianping Dong 《International Journal of Mining Science and Technology》 SCIE EI CAS CSCD 2021年第6期1053-1061,共9页
A method based on multiple images captured under different light sources at different incident angles was developed to recognize the coal density range in this study.The innovation is that two new images were construc... A method based on multiple images captured under different light sources at different incident angles was developed to recognize the coal density range in this study.The innovation is that two new images were constructed based on images captured under four single light sources.Reconstruction image 1 was constructed by fusing greyscale versions of the original images into one image,and Reconstruction image2 was constructed based on the differences between the images captured under the different light sources.Subsequently,the four original images and two reconstructed images were input into the convolutional neural network AlexNet to recognize the density range in three cases:-1.5(clean coal) and+1.5 g/cm^(3)(non-clean coal);-1.8(non-gangue) and+1.8 g/cm^(3)(gangue);-1.5(clean coal),1.5-1.8(middlings),and+1.8 g/cm^(3)(gangue).The results show the following:(1) The reconstructed images,especially Reconstruction image 2,can effectively improve the recognition accuracy for the coal density range compared with images captured under single light source.(2) The recognition accuracies for gangue and non-gangue,clean coal and non-clean coal,and clean coal,middlings,and gangue reached88.44%,86.72% and 77.08%,respectively.(3) The recognition accuracy increases as the density moves further away from the boundary density. 展开更多
关键词 COAL Density range Image Multiple light sources convolutional neural network
下载PDF
Sampling Methods for Efficient Training of Graph Convolutional Networks:A Survey 被引量:5
7
作者 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
Deep learning-assisted common temperature measurement based on visible light imaging
8
作者 朱佳仪 何志民 +8 位作者 黄成 曾峻 林惠川 陈福昌 余超群 李燕 张永涛 陈焕庭 蒲继雄 《Chinese Physics B》 SCIE EI CAS CSCD 2024年第8期230-236,共7页
Real-time,contact-free temperature monitoring of low to medium range(30℃-150℃)has been extensively used in industry and agriculture,which is usually realized by costly infrared temperature detection methods.This pap... Real-time,contact-free temperature monitoring of low to medium range(30℃-150℃)has been extensively used in industry and agriculture,which is usually realized by costly infrared temperature detection methods.This paper proposes an alternative approach of extracting temperature information in real time from the visible light images of the monitoring target using a convolutional neural network(CNN).A mean-square error of<1.119℃was reached in the temperature measurements of low to medium range using the CNN and the visible light images.Imaging angle and imaging distance do not affect the temperature detection using visible optical images by the CNN.Moreover,the CNN has a certain illuminance generalization ability capable of detection temperature information from the images which were collected under different illuminance and were not used for training.Compared to the conventional machine learning algorithms mentioned in the recent literatures,this real-time,contact-free temperature measurement approach that does not require any further image processing operations facilitates temperature monitoring applications in the industrial and civil fields. 展开更多
关键词 convolutional neural network visible light image temperature measurement low-to-medium-range temperatures
下载PDF
A lightweight false alarm suppression method in heterogeneous change detection
9
作者 XU Cong HE Zishu LIU Haicheng 《Journal of Systems Engineering and Electronics》 SCIE CSCD 2024年第4期899-905,共7页
Overlooking the issue of false alarm suppression in heterogeneous change detection leads to inferior detection per-formance.This paper proposes a method to handle false alarms in heterogeneous change detection.A light... Overlooking the issue of false alarm suppression in heterogeneous change detection leads to inferior detection per-formance.This paper proposes a method to handle false alarms in heterogeneous change detection.A lightweight network of two channels is bulit based on the combination of convolutional neural network(CNN)and graph convolutional network(GCN).CNNs learn feature difference maps of multitemporal images,and attention modules adaptively fuse CNN-based and graph-based features for different scales.GCNs with a new kernel filter adaptively distinguish between nodes with the same and those with different labels,generating change maps.Experimental evaluation on two datasets validates the efficacy of the pro-posed method in addressing false alarms. 展开更多
关键词 convolutional neural network(CNN) graph convolu-tional network(GCN) heterogeneous change detection lightWEIGHT false alarm suppression
下载PDF
A Graph with Adaptive AdjacencyMatrix for Relation Extraction
10
作者 Run Yang YanpingChen +1 位作者 Jiaxin Yan Yongbin Qin 《Computers, Materials & Continua》 SCIE EI 2024年第9期4129-4147,共19页
The relation is a semantic expression relevant to two named entities in a sentence.Since a sentence usually contains several named entities,it is essential to learn a structured sentence representation that encodes de... The relation is a semantic expression relevant to two named entities in a sentence.Since a sentence usually contains several named entities,it is essential to learn a structured sentence representation that encodes dependency information specific to the two named entities.In related work,graph convolutional neural networks are widely adopted to learn semantic dependencies,where a dependency tree initializes the adjacency matrix.However,this approach has two main issues.First,parsing a sentence heavily relies on external toolkits,which can be errorprone.Second,the dependency tree only encodes the syntactical structure of a sentence,which may not align with the relational semantic expression.In this paper,we propose an automatic graph learningmethod to autonomously learn a sentence’s structural information.Instead of using a fixed adjacency matrix initialized by a dependency tree,we introduce an Adaptive Adjacency Matrix to encode the semantic dependency between tokens.The elements of thismatrix are dynamically learned during the training process and optimized by task-relevant learning objectives,enabling the construction of task-relevant semantic dependencies within a sentence.Our model demonstrates superior performance on the TACRED and SemEval 2010 datasets,surpassing previous works by 1.3%and 0.8%,respectively.These experimental results show that our model excels in the relation extraction task,outperforming prior models. 展开更多
关键词 Relation extraction graph convolutional neural network adaptive adjacency matrix
下载PDF
基于ST-LightGBM的机场离港航班延误预测 被引量:1
11
作者 曹卫东 张金迪 刘晨宇 《陕西科技大学学报》 北大核心 2023年第4期166-172,共7页
机场间的延误时空关系复杂,多数研究只聚焦于时间维相关性,导致延误预测精度不高.提出一种融合多机场时空相关性的ST-LightGBM模型预测机场离港航班延误.首先,构建多机场延误时空图数据;然后,通过图卷积神经网络提取延误信息空间特征,... 机场间的延误时空关系复杂,多数研究只聚焦于时间维相关性,导致延误预测精度不高.提出一种融合多机场时空相关性的ST-LightGBM模型预测机场离港航班延误.首先,构建多机场延误时空图数据;然后,通过图卷积神经网络提取延误信息空间特征,同时长短时记忆网络对机场各节点延误时间序列进行时间特征提取,形成具有时空相关性的二维特征向量;最后,将时空维特征向量输入LightGBM实现机场离港航班延误数量预测,在训练过程中引入贝叶斯优化算法进行参数寻优.结合真实数据实验,对中国枢纽机场延误数据进行时空维度关系提取并预测.结果表明,本文模型相比于其他基准模型具有较好的预测准确性. 展开更多
关键词 lightGBM 图卷积神经网络 长短时记忆网络 时空相关性 机场延误预测
下载PDF
Ripple Knowledge Graph Convolutional Networks for Recommendation Systems
12
作者 Chen Li Yang Cao +3 位作者 Ye Zhu Debo Cheng Chengyuan Li Yasuhiko Morimoto 《Machine Intelligence Research》 EI CSCD 2024年第3期481-494,共14页
Using knowledge graphs to assist deep learning models in making recommendation decisions has recently been proven to effectively improve the model′s interpretability and accuracy.This paper introduces an end-to-end d... Using knowledge graphs to assist deep learning models in making recommendation decisions has recently been proven to effectively improve the model′s interpretability and accuracy.This paper introduces an end-to-end deep learning model,named representation-enhanced knowledge graph convolutional networks(RKGCN),which dynamically analyses each user′s preferences and makes a recommendation of suitable items.It combines knowledge graphs on both the item side and user side to enrich their representations to maximize the utilization of the abundant information in knowledge graphs.RKGCN is able to offer more personalized and relevant recommendations in three different scenarios.The experimental results show the superior effectiveness of our model over 5 baseline models on three real-world datasets including movies,books,and music. 展开更多
关键词 Deep learning recommendation systems knowledge graph graph convolutional networks(GCNs) graph neural networks(GNNs)
原文传递
Graph convolutional network combined with random walks and graph attention network for node classification
13
作者 Chen Yong Xie Xiaozhu Weng Wei 《The Journal of China Universities of Posts and Telecommunications》 EI CSCD 2024年第3期1-14,共14页
Graph conjoint attention(CAT)network is one of the best graph convolutional networks(GCNs)frameworks,which uses a weighting mechanism to identify important neighbor nodes.However,this weighting mechanism is learned ba... Graph conjoint attention(CAT)network is one of the best graph convolutional networks(GCNs)frameworks,which uses a weighting mechanism to identify important neighbor nodes.However,this weighting mechanism is learned based on static information,which means it is susceptible to noisy nodes and edges,resulting in significant limitations.In this paper,a method is proposed to obtain context dynamically based on random walk,which allows the context-based weighting mechanism to better avoid noise interference.Furthermore,the proposed context-based weighting mechanism is combined with the node content-based weighting mechanism of the graph attention(GAT)network to form a model based on a mixed weighting mechanism.The model is named as the context-based and content-based graph convolutional network(CCGCN).CCGCN can better discover important neighbors,eliminate noise edges,and learn node embedding by message passing.Experiments show that CCGCN achieves state-of-the-art performance on node classification tasks in multiple datasets. 展开更多
关键词 graph neural network(GNN) graph convolutional network(GCN) semi-supervised classification graph analysis
原文传递
Skeleton Split Strategies for Spatial Temporal Graph Convolution Networks
14
作者 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
15
作者 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
基于图卷积神经网络的节点分类方法研究综述 被引量:3
16
作者 张丽英 孙海航 +1 位作者 孙玉发 石兵波 《计算机科学》 CSCD 北大核心 2024年第4期95-105,共11页
节点分类任务是图领域中的重要研究工作之一。近年来随着图卷积神经网络研究工作的不断深入,基于图卷积神经网络的节点分类研究及其应用都取得了重大进展。图卷积神经网络是基于卷积发展出的一类图神经网络,能处理图数据且具有卷积神经... 节点分类任务是图领域中的重要研究工作之一。近年来随着图卷积神经网络研究工作的不断深入,基于图卷积神经网络的节点分类研究及其应用都取得了重大进展。图卷积神经网络是基于卷积发展出的一类图神经网络,能处理图数据且具有卷积神经网络的优点,已成为图节点分类方法中最活跃的一个研究分支。对基于图卷积神经网络的节点分类方法的研究进展进行综述,首先介绍图的相关概念、节点分类的任务定义和常用的图数据集;然后探讨两类经典图卷积神经网络——谱域和空间域图卷积神经网络,以及图卷积神经网络在节点分类领域面临的挑战;之后从模型和数据两个视角分析图卷积神经网络在节点分类任务中的研究成果和未解决的问题;最后对基于图卷积神经网络的节点分类研究方向进行展望,并总结全文。 展开更多
关键词 图数据 节点分类 图神经网络 图卷积神经网络
下载PDF
Topology and Semantic Information Fusion Classification Network Based on Hyperspectral Images of Chinese Herbs
17
作者 Boyu Zhao Yuxiang Zhang +2 位作者 Zhengqi Guo Mengmeng Zhang Wei Li 《Journal of Beijing Institute of Technology》 EI CAS 2023年第5期551-561,共11页
Most methods for classifying hyperspectral data only consider the local spatial relation-ship among samples,ignoring the important non-local topological relationship.However,the non-local topological relationship is b... Most methods for classifying hyperspectral data only consider the local spatial relation-ship among samples,ignoring the important non-local topological relationship.However,the non-local topological relationship is better at representing the structure of hyperspectral data.This paper proposes a deep learning model called Topology and semantic information fusion classification network(TSFnet)that incorporates a topology structure and semantic information transmis-sion network to accurately classify traditional Chinese medicine in hyperspectral images.TSFnet uses a convolutional neural network(CNN)to extract features and a graph convolution network(GCN)to capture potential topological relationships among different types of Chinese herbal medicines.The results show that TSFnet outperforms other state-of-the-art deep learning classification algorithms in two different scenarios of herbal medicine datasets.Additionally,the proposed TSFnet model is lightweight and can be easily deployed for mobile herbal medicine classification. 展开更多
关键词 Chinese herbs hyperspectral image deep learning non-local topological relationships convolutional neural network(CNN) graph convolutional network(GCN) lightWEIGHT
下载PDF
基于动态自适应图神经网络的电动汽车充电负荷预测 被引量:1
18
作者 张延宇 张智铭 +2 位作者 刘春阳 张西镚 周毅 《电力系统自动化》 EI CSCD 北大核心 2024年第7期86-93,共8页
电动汽车充电站负荷波动的不确定性与长时间预测任务给提升充电负荷预测精度带来巨大的挑战。文中提出一种基于动态自适应图神经网络的电动汽车充电负荷预测算法。首先,构建了一个充电负荷信息时空关联特征提取层,将多头注意力机制与自... 电动汽车充电站负荷波动的不确定性与长时间预测任务给提升充电负荷预测精度带来巨大的挑战。文中提出一种基于动态自适应图神经网络的电动汽车充电负荷预测算法。首先,构建了一个充电负荷信息时空关联特征提取层,将多头注意力机制与自适应相关图结合生成具有时空关联性的综合特征表达式,以捕获充电站负荷的波动性;然后,将提取的特征输入到时空卷积层,捕获时间和空间之间的耦合关系;最后,通过切比雪夫多项式图卷积与多尺度时间卷积提升模型耦合长时间序列之间的能力。以Palo Alto数据集为例,与现有方法相比,所提算法在4种波动情况下的平均预测误差大幅降低。 展开更多
关键词 电动汽车 负荷预测 时空关联特征 自适应图神经网络 注意力机制 时空卷积层
下载PDF
压缩感知和图卷积神经网络相结合的宽频振荡扰动源定位方法 被引量:2
19
作者 王渝红 李晨鑫 +3 位作者 周旭 朱玲俐 蒋奇良 郑宗生 《高电压技术》 EI CAS CSCD 北大核心 2024年第3期1080-1089,共10页
新能源并网引发的宽频振荡严重威胁电网安全,实现宽频振荡源的在线定位并及时采取抑制措施以保证系统安全稳定尤为必要。为此,提出一种压缩采样和图卷积神经网络相结合的宽频振荡源定位方法,该方法首先在子站对时序的振荡信号进行稀疏采... 新能源并网引发的宽频振荡严重威胁电网安全,实现宽频振荡源的在线定位并及时采取抑制措施以保证系统安全稳定尤为必要。为此,提出一种压缩采样和图卷积神经网络相结合的宽频振荡源定位方法,该方法首先在子站对时序的振荡信号进行稀疏采样,获得其低维观测序列,作为节点的时序信息,然后在主站融合系统的拓扑结构捕捉各节点的邻接关系,综合考虑系统振荡的时空特性,运用图卷积神经网络实现振荡源定位。最后利用宽频振荡样本集进行仿真验证,结果表明所提方法在量测数据含有噪声、传输数据缺失以及传输数据偏差的情况下都有较高的定位准确度。 展开更多
关键词 新能源发电 宽频振荡 振荡源定位 压缩感知 时空特性 图卷积神经网络
下载PDF
基于伪孪生网络的高光谱图像分类 被引量:1
20
作者 王方雄 梁遵逊 《辽宁师范大学学报(自然科学版)》 CAS 2024年第1期43-49,共7页
基于深度学习架构的高光谱图像分类近年来一直是遥感领域研究的热点之一.然而,如何提出新的分类框架,对具有少量标签样本的高光谱数据进行有效分类仍是一个挑战性的问题.设计了一种改进伪孪生网络的高光谱图像分类架构.该方法首先将一... 基于深度学习架构的高光谱图像分类近年来一直是遥感领域研究的热点之一.然而,如何提出新的分类框架,对具有少量标签样本的高光谱数据进行有效分类仍是一个挑战性的问题.设计了一种改进伪孪生网络的高光谱图像分类架构.该方法首先将一幅高维的高光谱图像划分为2幅低维的图像,分别利用卷积神经网络和图卷积网络进行特征提取.然后通过级联操作,将提取到的谱信息进行有效集成.最后输入全连接神经网络进行分类.所提出的方法改进了经典的伪孪生网络并应用于高光谱图像分类.在2个实际的高光谱数据集上的实验结果和比较结果验证了方法的有效性. 展开更多
关键词 高光谱图像 孪生网络 卷积神经网络 图卷积神经网络 深度学习
下载PDF
上一页 1 2 42 下一页 到第
使用帮助 返回顶部