期刊文献+
共找到123篇文章
< 1 2 7 >
每页显示 20 50 100
Multi-Label Image Classification Based on Object Detection and Dynamic Graph Convolutional Networks
1
作者 Xiaoyu Liu Yong Hu 《Computers, Materials & Continua》 SCIE EI 2024年第9期4413-4432,共20页
Multi-label image classification is recognized as an important task within the field of computer vision,a discipline that has experienced a significant escalation in research endeavors in recent years.The widespread a... Multi-label image classification is recognized as an important task within the field of computer vision,a discipline that has experienced a significant escalation in research endeavors in recent years.The widespread adoption of convolutional neural networks(CNNs)has catalyzed the remarkable success of architectures such as ResNet-101 within the domain of image classification.However,inmulti-label image classification tasks,it is crucial to consider the correlation between labels.In order to improve the accuracy and performance of multi-label classification and fully combine visual and semantic features,many existing studies use graph convolutional networks(GCN)for modeling.Object detection and multi-label image classification exhibit a degree of conceptual overlap;however,the integration of these two tasks within a unified framework has been relatively underexplored in the existing literature.In this paper,we come up with Object-GCN framework,a model combining object detection network YOLOv5 and graph convolutional network,and we carry out a thorough experimental analysis using a range of well-established public datasets.The designed framework Object-GCN achieves significantly better performance than existing studies in public datasets COCO2014,VOC2007,VOC2012.The final results achieved are 86.9%,96.7%,and 96.3%mean Average Precision(mAP)across the three datasets. 展开更多
关键词 Deep learning multi-label image recognition object detection graph convolution networks
下载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
Sampling Methods for Efficient Training of Graph Convolutional Networks:A Survey 被引量:5
3
作者 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
Modeling Multi-Targets Sentiment Classification via Graph Convolutional Networks and Auxiliary Relation 被引量:2
4
作者 Ao Feng Zhengjie Gao +3 位作者 Xinyu Song Ke Ke Tianhao Xu Xuelei Zhang 《Computers, Materials & Continua》 SCIE EI 2020年第8期909-923,共15页
Existing solutions do not work well when multi-targets coexist in a sentence.The reason is that the existing solution is usually to separate multiple targets and process them separately.If the original sentence has N ... Existing solutions do not work well when multi-targets coexist in a sentence.The reason is that the existing solution is usually to separate multiple targets and process them separately.If the original sentence has N target,the original sentence will be repeated for N times,and only one target will be processed each time.To some extent,this approach degenerates the fine-grained sentiment classification task into the sentence-level sentiment classification task,and the research method of processing the target separately ignores the internal relation and interaction between the targets.Based on the above considerations,we proposes to use Graph Convolutional Network(GCN)to model and process multi-targets appearing in sentences at the same time based on the positional relationship,and then to construct a graph of the sentiment relationship between targets based on the difference of the sentiment polarity between target words.In addition to the standard target-dependent sentiment classification task,an auxiliary node relation classification task is constructed.Experiments demonstrate that our model achieves new comparable performance on the benchmark datasets:SemEval-2014 Task 4,i.e.,reviews for restaurants and laptops.Furthermore,the method of dividing the target words into isolated individuals has disadvantages,and the multi-task learning model is beneficial to enhance the feature extraction ability and expression ability of the model. 展开更多
关键词 Deep learning sentiment analysis graph convolutional networks(GCN)
下载PDF
Combing Type-Aware Attention and Graph Convolutional Networks for Event Detection 被引量:1
5
作者 Kun Ding Lu Xu +5 位作者 Ming Liu Xiaoxiong Zhang Liu Liu Daojian Zeng Yuting Liu Chen Jin 《Computers, Materials & Continua》 SCIE EI 2023年第1期641-654,共14页
Event detection(ED)is aimed at detecting event occurrences and categorizing them.This task has been previously solved via recognition and classification of event triggers(ETs),which are defined as the phrase or word m... Event detection(ED)is aimed at detecting event occurrences and categorizing them.This task has been previously solved via recognition and classification of event triggers(ETs),which are defined as the phrase or word most clearly expressing event occurrence.Thus,current approaches require both annotated triggers as well as event types in training data.Nevertheless,triggers are non-essential in ED,and it is time-wasting for annotators to identify the“most clearly”word from a sentence,particularly in longer sentences.To decrease manual effort,we evaluate event detectionwithout triggers.We propose a novel framework that combines Type-aware Attention and Graph Convolutional Networks(TA-GCN)for event detection.Specifically,the task is identified as a multi-label classification problem.We first encode the input sentence using a novel type-aware neural network with attention mechanisms.Then,a Graph Convolutional Networks(GCN)-based multilabel classification model is exploited for event detection.Experimental results demonstrate the effectiveness. 展开更多
关键词 Event detection information extraction type-aware attention graph convolutional networks
下载PDF
A malware propagation prediction model based on representation learning and graph convolutional networks
6
作者 Tun Li Yanbing Liu +3 位作者 Qilie Liu Wei Xu Yunpeng Xiao Hong Liu 《Digital Communications and Networks》 SCIE CSCD 2023年第5期1090-1100,共11页
The traditional malware research is mainly based on its recognition and detection as a breakthrough point,without focusing on its propagation trends or predicting the subsequently infected nodes.The complexity of netw... The traditional malware research is mainly based on its recognition and detection as a breakthrough point,without focusing on its propagation trends or predicting the subsequently infected nodes.The complexity of network structure,diversity of network nodes,and sparsity of data all pose difficulties in predicting propagation.This paper proposes a malware propagation prediction model based on representation learning and Graph Convolutional Networks(GCN)to address the aforementioned problems.First,to solve the problem of the inaccuracy of infection intensity calculation caused by the sparsity of node interaction behavior data in the malware propagation network,a mechanism based on a tensor to mine the infection intensity among nodes is proposed to retain the network structure information.The influence of the relationship between nodes on the infection intensity is also analyzed.Second,given the diversity and complexity of the content and structure of infected and normal nodes in the network,considering the advantages of representation learning in data feature extraction,the corresponding representation learning method is adopted for the characteristics of infection intensity among nodes.This can efficiently calculate the relationship between entities and relationships in low dimensional space to achieve the goal of low dimensional,dense,and real-valued representation learning for the characteristics of propagation spatial data.We also design a new method,Tensor2vec,to learn the potential structural features of malware propagation.Finally,considering the convolution ability of GCN for non-Euclidean data,we propose a dynamic prediction model of malware propagation based on representation learning and GCN to solve the time effectiveness problem of the malware propagation carrier.The experimental results show that the proposed model can effectively predict the behaviors of the nodes in the network and discover the influence of different characteristics of nodes on the malware propagation situation. 展开更多
关键词 MALWARE Representation learning graph convolutional networks(GCN) Tensor decomposition Propagation prediction
下载PDF
Using BlazePose on Spatial Temporal Graph Convolutional Networks for Action Recognition 被引量:1
7
作者 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
Attack Behavior Extraction Based on Heterogeneous Cyberthreat Intelligence and Graph Convolutional Networks 被引量:1
8
作者 Binhui Tang Junfeng Wang +3 位作者 Huanran Qiu Jian Yu Zhongkun Yu Shijia Liu 《Computers, Materials & Continua》 SCIE EI 2023年第1期235-252,共18页
The continuous improvement of the cyber threat intelligence sharing mechanism provides new ideas to deal with Advanced Persistent Threats(APT).Extracting attack behaviors,i.e.,Tactics,Techniques,Procedures(TTP)from Cy... The continuous improvement of the cyber threat intelligence sharing mechanism provides new ideas to deal with Advanced Persistent Threats(APT).Extracting attack behaviors,i.e.,Tactics,Techniques,Procedures(TTP)from Cyber Threat Intelligence(CTI)can facilitate APT actors’profiling for an immediate response.However,it is difficult for traditional manual methods to analyze attack behaviors from cyber threat intelligence due to its heterogeneous nature.Based on the Adversarial Tactics,Techniques and Common Knowledge(ATT&CK)of threat behavior description,this paper proposes a threat behavioral knowledge extraction framework that integrates Heterogeneous Text Network(HTN)and Graph Convolutional Network(GCN)to solve this issue.It leverages the hierarchical correlation relationships of attack techniques and tactics in the ATT&CK to construct a text network of heterogeneous cyber threat intelligence.With the help of the Bidirectional EncoderRepresentation fromTransformers(BERT)pretraining model to analyze the contextual semantics of cyber threat intelligence,the task of threat behavior identification is transformed into a text classification task,which automatically extracts attack behavior in CTI,then identifies the malware and advanced threat actors.The experimental results show that F1 achieve 94.86%and 92.15%for the multi-label classification tasks of tactics and techniques.Extend the experiment to verify the method’s effectiveness in identifying the malware and threat actors in APT attacks.The F1 for malware and advanced threat actors identification task reached 98.45%and 99.48%,which are better than the benchmark model in the experiment and achieve state of the art.The model can effectivelymodel threat intelligence text data and acquire knowledge and experience migration by correlating implied features with a priori knowledge to compensate for insufficient sample data and improve the classification performance and recognition ability of threat behavior in text. 展开更多
关键词 Attack behavior extraction cyber threat intelligence(CTI) graph convolutional network(GCN) heterogeneous textual network(HTN)
下载PDF
End-to-end aspect category sentiment analysis based on type graph convolutional networks
9
作者 邵清 ZHANG Wenshuang WANG Shaojun 《High Technology Letters》 EI CAS 2023年第3期325-334,共10页
For the existing aspect category sentiment analysis research,most of the aspects are given for sentiment extraction,and this pipeline method is prone to error accumulation,and the use of graph convolutional neural net... For the existing aspect category sentiment analysis research,most of the aspects are given for sentiment extraction,and this pipeline method is prone to error accumulation,and the use of graph convolutional neural network for aspect category sentiment analysis does not fully utilize the dependency type information between words,so it cannot enhance feature extraction.This paper proposes an end-to-end aspect category sentiment analysis(ETESA)model based on type graph convolutional networks.The model uses the bidirectional encoder representation from transformers(BERT)pretraining model to obtain aspect categories and word vectors containing contextual dynamic semantic information,which can solve the problem of polysemy;when using graph convolutional network(GCN)for feature extraction,the fusion operation of word vectors and initialization tensor of dependency types can obtain the importance values of different dependency types and enhance the text feature representation;by transforming aspect category and sentiment pair extraction into multiple single-label classification problems,aspect category and sentiment can be extracted simultaneously in an end-to-end way and solve the problem of error accumulation.Experiments are tested on three public datasets,and the results show that the ETESA model can achieve higher Precision,Recall and F1 value,proving the effectiveness of the model. 展开更多
关键词 aspect-based sentiment analysis(ABSA) bidirectional encoder representation from transformers(BERT) type graph convolutional network(TGCN) aspect category and senti-ment pair extraction
下载PDF
Ripple Knowledge Graph Convolutional Networks for Recommendation Systems
10
作者 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)
原文传递
Aspect-Guided Multi-Graph Convolutional Networks for Aspect-based Sentiment Analysis
11
作者 Yong Wang Ningchuang Yang +1 位作者 Duoqian Miao Qiuyi Chen 《Data Intelligence》 EI 2024年第3期771-791,共21页
The Aspect-Based Sentiment Analysis(ABSA)task is designed to judge the sentiment polarity of a particular aspect in a review.Recent studies have proved that GCN can capture syntactic and semantic features from depende... The Aspect-Based Sentiment Analysis(ABSA)task is designed to judge the sentiment polarity of a particular aspect in a review.Recent studies have proved that GCN can capture syntactic and semantic features from dependency graphs generated by dependency trees and semantic graphs generated by Multi-headed self-attention(MHSA).However,these approaches do not highlight the sentiment information associated with aspect in the syntactic and semantic graphs.We propose the Aspect-Guided Multi-Graph Convolutional Networks(AGGCN)for Aspect-Based Sentiment Classification.Specifically,we reconstruct two kinds of graphs,changing the weight of the dependency graph by distance from aspect and improving the semantic graph by Aspect-guided MHSA.For interactive learning of syntax and semantics,we dynamically fuse syntactic and semantic diagrams to generate syntactic-semantic graphs to learn emotional features jointly.In addition,Multi-dropout is added to solve the overftting of AGGCN in training.The experimental results on extensive datasets show that our model AGGCN achieves particularly advanced results and validates the effectiveness of the model. 展开更多
关键词 graph convolutional networks Aspect-based sentiment analysis Multi-headed attention BERT encoder
原文传递
Coupling Relation Strength with Graph Convolutional Networks for Knowledge Graph Completion
12
作者 Mingshao Xu Hang Li Zhi Hu 《IJLAI Transactions on Science and Engineering》 2024年第3期9-18,共10页
In the link prediction task of knowledge graph completion,Graph Neural Network(GNN)-based knowledge graph completion models have been shown by previous studies to produce large improvements in prediction results.Howev... In the link prediction task of knowledge graph completion,Graph Neural Network(GNN)-based knowledge graph completion models have been shown by previous studies to produce large improvements in prediction results.However,many of the previous efforts were limited to aggregating the information given by neighboring nodes and did not take advantage of the information provided by the edges represented by relations.To address the problem,Coupling Relation Strength with Graph Convolutional Networks(RS-GCN)is proposed,which is a model with an encoder-decoder framework to realize the embedding of entities and relations in the vector space.On the encoder side,RS-GCN captures graph structure and neighborhood information while aggregating the information given by neighboring nodes.On the decoder side,RotatE is utilized to model and infer various relational patterns.The models are evaluated on standard FB15k,WN18,FB15k-237 and WN18RR datasets,and the experiments show that RS-GCN achieves better results than the current state-of-the-art classical models on the above knowledge graph datasets. 展开更多
关键词 Knowledge graph Completion graph convolutional networks Relation strength Link prediction
原文传递
State-of-health estimation for fast-charging lithium-ion batteries based on a short charge curve using graph convolutional and long short-term memory networks
13
作者 Yvxin He Zhongwei Deng +4 位作者 Jue Chen Weihan Li Jingjing Zhou Fei Xiang Xiaosong Hu 《Journal of Energy Chemistry》 SCIE EI CAS CSCD 2024年第11期1-11,共11页
A fast-charging policy is widely employed to alleviate the inconvenience caused by the extended charging time of electric vehicles. However, fast charging exacerbates battery degradation and shortens battery lifespan.... A fast-charging policy is widely employed to alleviate the inconvenience caused by the extended charging time of electric vehicles. However, fast charging exacerbates battery degradation and shortens battery lifespan. In addition, there is still a lack of tailored health estimations for fast-charging batteries;most existing methods are applicable at lower charging rates. This paper proposes a novel method for estimating the health of lithium-ion batteries, which is tailored for multi-stage constant current-constant voltage fast-charging policies. Initially, short charging segments are extracted by monitoring current switches,followed by deriving voltage sequences using interpolation techniques. Subsequently, a graph generation layer is used to transform the voltage sequence into graphical data. Furthermore, the integration of a graph convolution network with a long short-term memory network enables the extraction of information related to inter-node message transmission, capturing the key local and temporal features during the battery degradation process. Finally, this method is confirmed by utilizing aging data from 185 cells and 81 distinct fast-charging policies. The 4-minute charging duration achieves a balance between high accuracy in estimating battery state of health and low data requirements, with mean absolute errors and root mean square errors of 0.34% and 0.66%, respectively. 展开更多
关键词 Lithium-ion battery State of health estimation Feature extraction graph convolutional network Long short-term memory network
下载PDF
Resilience Augmentation in Unmanned Weapon Systems via Multi-Layer Attention Graph Convolutional Neural Networks
14
作者 Kexin Wang Yingdong Gou +4 位作者 Dingrui Xue Jiancheng Liu Wanlong Qi Gang Hou Bo Li 《Computers, Materials & Continua》 SCIE EI 2024年第8期2941-2962,共22页
The collective Unmanned Weapon System-of-Systems(UWSOS)network represents a fundamental element in modern warfare,characterized by a diverse array of unmanned combat platforms interconnected through hetero-geneous net... The collective Unmanned Weapon System-of-Systems(UWSOS)network represents a fundamental element in modern warfare,characterized by a diverse array of unmanned combat platforms interconnected through hetero-geneous network architectures.Despite its strategic importance,the UWSOS network is highly susceptible to hostile infiltrations,which significantly impede its battlefield recovery capabilities.Existing methods to enhance network resilience predominantly focus on basic graph relationships,neglecting the crucial higher-order dependencies among nodes necessary for capturing multi-hop meta-paths within the UWSOS.To address these limitations,we propose the Enhanced-Resilience Multi-Layer Attention Graph Convolutional Network(E-MAGCN),designed to augment the adaptability of UWSOS.Our approach employs BERT for extracting semantic insights from nodes and edges,thereby refining feature representations by leveraging various node and edge categories.Additionally,E-MAGCN integrates a regularization-based multi-layer attention mechanism and a semantic node fusion algo-rithm within the Graph Convolutional Network(GCN)framework.Through extensive simulation experiments,our model demonstrates an enhancement in resilience performance ranging from 1.2% to 7% over existing algorithms. 展开更多
关键词 Resilience enhancement heterogeneous network graph convolutional network
下载PDF
Distributed Photovoltaic Real-Time Output Estimation Based on Graph Convolutional Networks
15
作者 陈利跃 洪道鉴 +5 位作者 何星 卢东祁 张乾 谢妮娜 徐一洲 应煌浩 《Journal of Shanghai Jiaotong university(Science)》 EI 2024年第2期290-296,共7页
The rapid growth of distributed photovoltaic(PV)has remarkable influence for the safe and economic operation of power systems.In view of the wide geographical distribution and a large number of distributed PV power st... The rapid growth of distributed photovoltaic(PV)has remarkable influence for the safe and economic operation of power systems.In view of the wide geographical distribution and a large number of distributed PV power stations,the current situation is that it is dificult to access the current dispatch data network.According to the temporal and spatial characteristics of distributed PV,a graph convolution algorithm based on adaptive learning of adjacency matrix is proposed to estimate the real-time output of distributed PV in regional power grid.The actual case study shows that the adaptive graph convolution model gives different adjacency matrixes for different PV stations,which makes the corresponding output estimation algorithm have higher accuracy. 展开更多
关键词 distributed photovoltaic(PV) graph convolution network power estimation
原文传递
Leveraging graph convolutional networks for semi-supervised fault diagnosis of HVAC systems in data-scarce contexts 被引量:5
16
作者 Cheng Fan Yiwen Lin +4 位作者 Marco Savino Piscitelli Roberto Chiosa Huilong Wang Alfonso Capozzoli Yuanyuan Ma 《Building Simulation》 SCIE EI CSCD 2023年第8期1499-1517,共19页
The continuous accumulation of operational data has provided an ideal platform to devise and implement customized data analytics for smart HVAC fault detection and diagnosis.In practice,the potentials of advanced supe... The continuous accumulation of operational data has provided an ideal platform to devise and implement customized data analytics for smart HVAC fault detection and diagnosis.In practice,the potentials of advanced supervised learning algorithms have not been fully realized due to the lack of sufficient labeled data.To tackle such data challenges,this study proposes a graph neural network-based approach to effectively utilizing both labeled and unlabeled operational data for optimum decision-makings.More specifically,a graph generation method is proposed to transform tabular building operational data into association graphs,based on which graph convolutions are performed to derive useful insights for fault classifications.Data experiments have been designed to evaluate the values of the methods proposed.Three datasets on HVAC air-side operations have been used to ensure the generalizability of results obtained.Different data scenarios,which vary in training data amounts and imbalance ratios,have been created to comprehensively quantify behavioral patterns of representative graph convolution networks and their architectures.The research results indicate that graph neural networks can effectively leverage associations among labeled and unlabeled data samples to achieve an increase of 2.86%–7.30%in fault classification accuracies,providing a novel and promising solution for smart building management. 展开更多
关键词 fault detection and diagnosis graph convolutional networks semi-supervised learning HVAC systems machine learning
原文传递
Graph convolutional network for axial concentration profiles prediction in simulated moving bed
17
作者 Can Ding Minglei Yang +1 位作者 Yunmeng Zhao Wenli Du 《Chinese Journal of Chemical Engineering》 SCIE EI CAS CSCD 2024年第9期270-280,共11页
The simulated moving bed(SMB)chromatographic separation is a continuous compound separation process based on the differences in adsorption capacity exhibited by distinct constituents of a mixture on the fluid phase an... The simulated moving bed(SMB)chromatographic separation is a continuous compound separation process based on the differences in adsorption capacity exhibited by distinct constituents of a mixture on the fluid phase and stationary phase.The prediction of axial concentration profiles along the beds in a unit is crucial for the operating optimization of SMB.Though the correlation shared by operating variables of SMB has an enormous impact on the operational state of the device,these correlations have been long overlooked,especially by the data-driven models.This study proposes an operating variable-based graph convolutional network(OV-GCN)to enclose the underrepresented correlations and precisely predict axial concentration profiles prediction in SMB.The OV-GCN estimates operating variables with the Spearman correlation coefficient and incorporates them in the adjacency matrix of a graph convolutional network for information propagation and feature extraction.Compared with Random Forest,K-Nearest Neighbors,Support Vector Regression,and Backpropagation Neural Network,the values of the three performance evaluation metrics,namely MAE,RMSE,and R^(2),indicate that OV-GCN has better prediction accuracy in predicting five essential aromatic compounds'axial concentration profiles of an SMB for separating p-xylene(PX).In addition,the OV-GCN method demonstrates a remarkable ability to provide high-precision and fast predictions in three industrial case studies.With the goal of simultaneously maximizing PX purity and yield,we employ the non-dominated sorting genetic algorithm-II optimization method to perform multi-objective optimization of the PX purity and yield.The outcome suggests a promising approach to extracting and representing correlations among operating variables in data-driven process modeling. 展开更多
关键词 CHROMATOgraphY PREDICTION Operating variables graph convolutional network OPTIMIZATION
下载PDF
SGT-Net: A Transformer-Based Stratified Graph Convolutional Network for 3D Point Cloud Semantic Segmentation
18
作者 Suyi Liu Jianning Chi +2 位作者 Chengdong Wu Fang Xu Xiaosheng Yu 《Computers, Materials & Continua》 SCIE EI 2024年第6期4471-4489,共19页
In recent years,semantic segmentation on 3D point cloud data has attracted much attention.Unlike 2D images where pixels distribute regularly in the image domain,3D point clouds in non-Euclidean space are irregular and... In recent years,semantic segmentation on 3D point cloud data has attracted much attention.Unlike 2D images where pixels distribute regularly in the image domain,3D point clouds in non-Euclidean space are irregular and inherently sparse.Therefore,it is very difficult to extract long-range contexts and effectively aggregate local features for semantic segmentation in 3D point cloud space.Most current methods either focus on local feature aggregation or long-range context dependency,but fail to directly establish a global-local feature extractor to complete the point cloud semantic segmentation tasks.In this paper,we propose a Transformer-based stratified graph convolutional network(SGT-Net),which enlarges the effective receptive field and builds direct long-range dependency.Specifically,we first propose a novel dense-sparse sampling strategy that provides dense local vertices and sparse long-distance vertices for subsequent graph convolutional network(GCN).Secondly,we propose a multi-key self-attention mechanism based on the Transformer to further weight augmentation for crucial neighboring relationships and enlarge the effective receptive field.In addition,to further improve the efficiency of the network,we propose a similarity measurement module to determine whether the neighborhood near the center point is effective.We demonstrate the validity and superiority of our method on the S3DIS and ShapeNet datasets.Through ablation experiments and segmentation visualization,we verify that the SGT model can improve the performance of the point cloud semantic segmentation. 展开更多
关键词 3D point cloud semantic segmentation long-range contexts global-local feature graph convolutional network dense-sparse sampling strategy
下载PDF
AFSTGCN:Prediction for multivariate time series using an adaptive fused spatial-temporal graph convolutional network
19
作者 Yuteng Xiao Kaijian Xia +5 位作者 Hongsheng Yin Yu-Dong Zhang Zhenjiang Qian Zhaoyang Liu Yuehan Liang Xiaodan Li 《Digital Communications and Networks》 SCIE CSCD 2024年第2期292-303,共12页
The prediction for Multivariate Time Series(MTS)explores the interrelationships among variables at historical moments,extracts their relevant characteristics,and is widely used in finance,weather,complex industries an... The prediction for Multivariate Time Series(MTS)explores the interrelationships among variables at historical moments,extracts their relevant characteristics,and is widely used in finance,weather,complex industries and other fields.Furthermore,it is important to construct a digital twin system.However,existing methods do not take full advantage of the potential properties of variables,which results in poor predicted accuracy.In this paper,we propose the Adaptive Fused Spatial-Temporal Graph Convolutional Network(AFSTGCN).First,to address the problem of the unknown spatial-temporal structure,we construct the Adaptive Fused Spatial-Temporal Graph(AFSTG)layer.Specifically,we fuse the spatial-temporal graph based on the interrelationship of spatial graphs.Simultaneously,we construct the adaptive adjacency matrix of the spatial-temporal graph using node embedding methods.Subsequently,to overcome the insufficient extraction of disordered correlation features,we construct the Adaptive Fused Spatial-Temporal Graph Convolutional(AFSTGC)module.The module forces the reordering of disordered temporal,spatial and spatial-temporal dependencies into rule-like data.AFSTGCN dynamically and synchronously acquires potential temporal,spatial and spatial-temporal correlations,thereby fully extracting rich hierarchical feature information to enhance the predicted accuracy.Experiments on different types of MTS datasets demonstrate that the model achieves state-of-the-art single-step and multi-step performance compared with eight other deep learning models. 展开更多
关键词 Adaptive adjacency matrix Digital twin graph convolutional network Multivariate time series prediction Spatial-temporal graph
下载PDF
Weighted Forwarding in Graph Convolution Networks for Recommendation Information Systems
20
作者 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
上一页 1 2 7 下一页 到第
使用帮助 返回顶部