期刊文献+
共找到63篇文章
< 1 2 4 >
每页显示 20 50 100
GATiT:An Intelligent Diagnosis Model Based on Graph Attention Network Incorporating Text Representation in Knowledge Reasoning
1
作者 Yu Song Pengcheng Wu +2 位作者 Dongming Dai Mingyu Gui Kunli Zhang 《Computers, Materials & Continua》 SCIE EI 2024年第9期4767-4790,共24页
The growing prevalence of knowledge reasoning using knowledge graphs(KGs)has substantially improved the accuracy and efficiency of intelligent medical diagnosis.However,current models primarily integrate electronic me... The growing prevalence of knowledge reasoning using knowledge graphs(KGs)has substantially improved the accuracy and efficiency of intelligent medical diagnosis.However,current models primarily integrate electronic medical records(EMRs)and KGs into the knowledge reasoning process,ignoring the differing significance of various types of knowledge in EMRs and the diverse data types present in the text.To better integrate EMR text information,we propose a novel intelligent diagnostic model named the Graph ATtention network incorporating Text representation in knowledge reasoning(GATiT),which comprises text representation,subgraph construction,knowledge reasoning,and diagnostic classification.In the text representation process,GATiT uses a pre-trained model to obtain text representations of the EMRs and additionally enhances embeddings by including chief complaint information and numerical information in the input.In the subgraph construction process,GATiT constructs text subgraphs and disease subgraphs from the KG,utilizing EMR text and the disease to be diagnosed.To differentiate the varying importance of nodes within the subgraphs features such as node categories,relevance scores,and other relevant factors are introduced into the text subgraph.Themessage-passing strategy and attention weight calculation of the graph attention network are adjusted to learn these features in the knowledge reasoning process.Finally,in the diagnostic classification process,the interactive attention-based fusion method integrates the results of knowledge reasoning with text representations to produce the final diagnosis results.Experimental results on multi-label and single-label EMR datasets demonstrate the model’s superiority over several state-of-theart methods. 展开更多
关键词 Intelligent diagnosis knowledge graph graph attention network knowledge reasoning
下载PDF
Cross-Target Stance Detection with Sentiments-Aware Hierarchical Attention Network
2
作者 Kelan Ren Facheng Yan +3 位作者 Honghua Chen Wen Jiang Bin Wei Mingshu Zhang 《Computers, Materials & Continua》 SCIE EI 2024年第10期789-807,共19页
The task of cross-target stance detection faces significant challenges due to the lack of additional background information in emerging knowledge domains and the colloquial nature of language patterns.Traditional stan... The task of cross-target stance detection faces significant challenges due to the lack of additional background information in emerging knowledge domains and the colloquial nature of language patterns.Traditional stance detection methods often struggle with understanding limited context and have insufficient generalization across diverse sentiments and semantic structures.This paper focuses on effectively mining and utilizing sentimentsemantics knowledge for stance knowledge transfer and proposes a sentiment-aware hierarchical attention network(SentiHAN)for cross-target stance detection.SentiHAN introduces an improved hierarchical attention network designed to maximize the use of high-level representations of targets and texts at various fine-grain levels.This model integrates phrase-level combinatorial sentiment knowledge to effectively bridge the knowledge gap between known and unknown targets.By doing so,it enables a comprehensive understanding of stance representations for unknown targets across different sentiments and semantic structures.The model’s ability to leverage sentimentsemantics knowledge enhances its performance in detecting stances that may not be directly observable from the immediate context.Extensive experimental results indicate that SentiHAN significantly outperforms existing benchmark methods in terms of both accuracy and robustness.Moreover,the paper employs ablation studies and visualization techniques to explore the intricate relationship between sentiment and stance.These analyses further confirm the effectiveness of sentence-level combinatorial sentiment knowledge in improving stance detection capabilities. 展开更多
关键词 Cross-target stance detection sentiment analysis commentary-level texts hierarchical attention network
下载PDF
Carbon Emission Factors Prediction of Power Grid by Using Graph Attention Network
3
作者 Xin Shen Jiahao Li +3 位作者 YujunYin Jianlin Tang Weibin Lin Mi Zhou 《Energy Engineering》 EI 2024年第7期1945-1961,共17页
Advanced carbon emission factors of a power grid can provide users with effective carbon reduction advice,which is of immense importance in mobilizing the entire society to reduce carbon emissions.The method of calcul... Advanced carbon emission factors of a power grid can provide users with effective carbon reduction advice,which is of immense importance in mobilizing the entire society to reduce carbon emissions.The method of calculating node carbon emission factors based on the carbon emissions flow theory requires real-time parameters of a power grid.Therefore,it cannot provide carbon factor information beforehand.To address this issue,a prediction model based on the graph attention network is proposed.The model uses a graph structure that is suitable for the topology of the power grid and designs a supervised network using the loads of the grid nodes and the corresponding carbon factor data.The network extracts features and transmits information more suitable for the power system and can flexibly adjust the equivalent topology,thereby increasing the diversity of the structure.Its input and output data are simple,without the power grid parameters.We demonstrated its effect by testing IEEE-39 bus and IEEE-118 bus systems with average error rates of 2.46%and 2.51%. 展开更多
关键词 Predict carbon factors graph attention network prediction algorithm power grid operating parameters
下载PDF
Adaptive spatial-temporal graph attention network for traffic speed prediction
4
作者 ZHANG Xijun ZHANG Baoqi +2 位作者 ZHANG Hong NIE Shengyuan ZHANG Xianli 《High Technology Letters》 EI CAS 2024年第3期221-230,共10页
Considering the nonlinear structure and spatial-temporal correlation of traffic network,and the influence of potential correlation between nodes of traffic network on the spatial features,this paper proposes a traffic... Considering the nonlinear structure and spatial-temporal correlation of traffic network,and the influence of potential correlation between nodes of traffic network on the spatial features,this paper proposes a traffic speed prediction model based on the combination of graph attention network with self-adaptive adjacency matrix(SAdpGAT)and bidirectional gated recurrent unit(BiGRU).First-ly,the model introduces graph attention network(GAT)to extract the spatial features of real road network and potential road network respectively in spatial dimension.Secondly,the spatial features are input into BiGRU to extract the time series features.Finally,the prediction results of the real road network and the potential road network are connected to generate the final prediction results of the model.The experimental results show that the prediction accuracy of the proposed model is im-proved obviously on METR-LA and PEMS-BAY datasets,which proves the advantages of the pro-posed spatial-temporal model in traffic speed prediction. 展开更多
关键词 traffic speed prediction spatial-temporal correlation self-adaptive adjacency ma-trix graph attention network(GAT) bidirectional gated recurrent unit(BiGRU)
下载PDF
A Novel Parameter-Optimized Recurrent Attention Network for Pipeline Leakage Detection 被引量:2
5
作者 Tong Sun Chuang Wang +2 位作者 Hongli Dong Yina Zhou Chuang Guan 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2023年第4期1064-1076,共13页
Accurate detection of pipeline leakage is essential to maintain the safety of pipeline transportation.Recently,deep learning(DL)has emerged as a promising tool for pipeline leakage detection(PLD).However,most existing... Accurate detection of pipeline leakage is essential to maintain the safety of pipeline transportation.Recently,deep learning(DL)has emerged as a promising tool for pipeline leakage detection(PLD).However,most existing DL methods have difficulty in achieving good performance in identifying leakage types due to the complex time dynamics of pipeline data.On the other hand,the initial parameter selection in the detection model is generally random,which may lead to unstable recognition performance.For this reason,a hybrid DL framework referred to as parameter-optimized recurrent attention network(PRAN)is presented in this paper to improve the accuracy of PLD.First,a parameter-optimized long short-term memory(LSTM)network is introduced to extract effective and robust features,which exploits a particle swarm optimization(PSO)algorithm with cross-entropy fitness function to search for globally optimal parameters.With this framework,the learning representation capability of the model is improved and the convergence rate is accelerated.Moreover,an anomaly-attention mechanism(AM)is proposed to discover class discriminative information by weighting the hidden states,which contributes to amplifying the normalabnormal distinguishable discrepancy,further improving the accuracy of PLD.After that,the proposed PRAN not only implements the adaptive optimization of network parameters,but also enlarges the contribution of normal-abnormal discrepancy,thereby overcoming the drawbacks of instability and poor generalization.Finally,the experimental results demonstrate the effectiveness and superiority of the proposed PRAN for PLD. 展开更多
关键词 attention mechanism(AM) long shortterm memory(LSTM) parameter-optimized recurrent attention network(PRAN) particle swarm optimization(PSO) pipeline leakage detection(PLD)
下载PDF
Continuous Sign Language Recognition Based on Spatial-Temporal Graph Attention Network 被引量:2
6
作者 Qi Guo Shujun Zhang Hui Li 《Computer Modeling in Engineering & Sciences》 SCIE EI 2023年第3期1653-1670,共18页
Continuous sign language recognition(CSLR)is challenging due to the complexity of video background,hand gesture variability,and temporal modeling difficulties.This work proposes a CSLR method based on a spatialtempora... Continuous sign language recognition(CSLR)is challenging due to the complexity of video background,hand gesture variability,and temporal modeling difficulties.This work proposes a CSLR method based on a spatialtemporal graph attention network to focus on essential features of video series.The method considers local details of sign language movements by taking the information on joints and bones as inputs and constructing a spatialtemporal graph to reflect inter-frame relevance and physical connections between nodes.The graph-based multihead attention mechanism is utilized with adjacent matrix calculation for better local-feature exploration,and short-term motion correlation modeling is completed via a temporal convolutional network.We adopted BLSTM to learn the long-termdependence and connectionist temporal classification to align the word-level sequences.The proposed method achieves competitive results regarding word error rates(1.59%)on the Chinese Sign Language dataset and the mean Jaccard Index(65.78%)on the ChaLearn LAP Continuous Gesture Dataset. 展开更多
关键词 Continuous sign language recognition graph attention network bidirectional long short-term memory connectionist temporal classification
下载PDF
DHSEGATs:distance and hop-wise structures encoding enhanced graph attention networks 被引量:1
7
作者 HUANG Zhiguo 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2023年第2期350-359,共10页
Numerous works prove that existing neighbor-averaging graph neural networks(GNNs)cannot efficiently catch structure features,and many works show that injecting structure,distance,position,or spatial features can signi... Numerous works prove that existing neighbor-averaging graph neural networks(GNNs)cannot efficiently catch structure features,and many works show that injecting structure,distance,position,or spatial features can significantly improve the performance of GNNs,however,injecting high-level structure and distance into GNNs is an intuitive but untouched idea.This work sheds light on this issue and proposes a scheme to enhance graph attention networks(GATs)by encoding distance and hop-wise structure statistics.Firstly,the hop-wise structure and distributional distance information are extracted based on several hop-wise ego-nets of every target node.Secondly,the derived structure information,distance information,and intrinsic features are encoded into the same vector space and then added together to get initial embedding vectors.Thirdly,the derived embedding vectors are fed into GATs,such as GAT and adaptive graph diffusion network(AGDN)to get the soft labels.Fourthly,the soft labels are fed into correct and smooth(C&S)to conduct label propagation and get final predictions.Experiments show that the distance and hop-wise structures encoding enhanced graph attention networks(DHSEGATs)achieve a competitive result. 展开更多
关键词 graph attention network(GAT) graph structure information label propagation
下载PDF
Semantic Path Attention Network Based on Heterogeneous Graphs for Natural Language to SQL Task 被引量:1
8
作者 周浩冉 宋晖 龚蒙蒙 《Journal of Donghua University(English Edition)》 CAS 2023年第5期531-538,共8页
The natural language to SQL(NL2SQL)task is an emerging research area that aims to transform a natural language with a given database into an SQL query.The earlier approaches were to process the input into a heterogene... The natural language to SQL(NL2SQL)task is an emerging research area that aims to transform a natural language with a given database into an SQL query.The earlier approaches were to process the input into a heterogeneous graph.However,previous models failed to distinguish the types of multi-hop connections of the heterogeneous graph,which tended to ignore crucial semantic path information.To this end,a two-layer attention network is presented to focus on essential neighbor nodes and mine enlightening semantic paths for feature encoding.The weighted edge is introduced for schema linking to connect the nodes with semantic similarity.In the decoding phase,a rule-based pruning strategy is offered to refine the generated SQL queries.From the experimental results,the approach is shown to learn a good encoding representation and decode the representation to generate results with practical meaning. 展开更多
关键词 semantic path two-layer attention network semantic linking
下载PDF
Deep Attention Network for Pneumonia Detection Using Chest X-Ray Images
9
作者 Sukhendra Singh Sur Singh Rawat +5 位作者 Manoj Gupta B.K.Tripathi Faisal Alanzi Arnab Majumdar Pattaraporn Khuwuthyakorn Orawit Thinnukool 《Computers, Materials & Continua》 SCIE EI 2023年第1期1673-1691,共19页
In computer vision,object recognition and image categorization have proven to be difficult challenges.They have,nevertheless,generated responses to a wide range of difficult issues from a variety of fields.Convolution... In computer vision,object recognition and image categorization have proven to be difficult challenges.They have,nevertheless,generated responses to a wide range of difficult issues from a variety of fields.Convolution Neural Networks(CNNs)have recently been identified as the most widely proposed deep learning(DL)algorithms in the literature.CNNs have unquestionably delivered cutting-edge achievements,particularly in the areas of image classification,speech recognition,and video processing.However,it has been noticed that the CNN-training assignment demands a large amount of data,which is in low supply,especially in the medical industry,and as a result,the training process takes longer.In this paper,we describe an attentionaware CNN architecture for classifying chest X-ray images to diagnose Pneumonia in order to address the aforementioned difficulties.AttentionModules provide attention-aware properties to the Attention Network.The attentionaware features of various modules alter as the layers become deeper.Using a bottom-up top-down feedforward structure,the feedforward and feedback attention processes are integrated into a single feedforward process inside each attention module.In the present work,a deep neural network(DNN)is combined with an attention mechanism to test the prediction of Pneumonia disease using chest X-ray pictures.To produce attention-aware features,the suggested networkwas built by merging channel and spatial attentionmodules in DNN architecture.With this network,we worked on a publicly available Kaggle chest X-ray dataset.Extensive testing was carried out to validate the suggested model.In the experimental results,we attained an accuracy of 95.47%and an F-score of 0.92,indicating that the suggested model outperformed against the baseline models. 展开更多
关键词 attention network image classification object detection residual networks deep neural network
下载PDF
Short‐term and long‐term memory self‐attention network for segmentation of tumours in 3D medical images
10
作者 Mingwei Wen Quan Zhou +3 位作者 Bo Tao Pavel Shcherbakov Yang Xu Xuming Zhang 《CAAI Transactions on Intelligence Technology》 SCIE EI 2023年第4期1524-1537,共14页
Tumour segmentation in medical images(especially 3D tumour segmentation)is highly challenging due to the possible similarity between tumours and adjacent tissues,occurrence of multiple tumours and variable tumour shap... Tumour segmentation in medical images(especially 3D tumour segmentation)is highly challenging due to the possible similarity between tumours and adjacent tissues,occurrence of multiple tumours and variable tumour shapes and sizes.The popular deep learning‐based segmentation algorithms generally rely on the convolutional neural network(CNN)and Transformer.The former cannot extract the global image features effectively while the latter lacks the inductive bias and involves the complicated computation for 3D volume data.The existing hybrid CNN‐Transformer network can only provide the limited performance improvement or even poorer segmentation performance than the pure CNN.To address these issues,a short‐term and long‐term memory self‐attention network is proposed.Firstly,a distinctive self‐attention block uses the Transformer to explore the correlation among the region features at different levels extracted by the CNN.Then,the memory structure filters and combines the above information to exclude the similar regions and detect the multiple tumours.Finally,the multi‐layer reconstruction blocks will predict the tumour boundaries.Experimental results demonstrate that our method outperforms other methods in terms of subjective visual and quantitative evaluation.Compared with the most competitive method,the proposed method provides Dice(82.4%vs.76.6%)and Hausdorff distance 95%(HD95)(10.66 vs.11.54 mm)on the KiTS19 as well as Dice(80.2%vs.78.4%)and HD95(9.632 vs.12.17 mm)on the LiTS. 展开更多
关键词 3D medical images convolutional neural network self‐attention network TRANSFORMER tumor segmentation
下载PDF
Topic-Aware Abstractive Summarization Based on Heterogeneous Graph Attention Networks for Chinese Complaint Reports
11
作者 Yan Li Xiaoguang Zhang +4 位作者 Tianyu Gong Qi Dong Hailong Zhu Tianqiang Zhang Yanji Jiang 《Computers, Materials & Continua》 SCIE EI 2023年第9期3691-3705,共15页
Automatic text summarization(ATS)plays a significant role in Natural Language Processing(NLP).Abstractive summarization produces summaries by identifying and compressing the most important information in a document.Ho... Automatic text summarization(ATS)plays a significant role in Natural Language Processing(NLP).Abstractive summarization produces summaries by identifying and compressing the most important information in a document.However,there are only relatively several comprehensively evaluated abstractive summarization models that work well for specific types of reports due to their unstructured and oral language text characteristics.In particular,Chinese complaint reports,generated by urban complainers and collected by government employees,describe existing resident problems in daily life.Meanwhile,the reflected problems are required to respond speedily.Therefore,automatic summarization tasks for these reports have been developed.However,similar to traditional summarization models,the generated summaries still exist problems of informativeness and conciseness.To address these issues and generate suitably informative and less redundant summaries,a topic-based abstractive summarization method is proposed to obtain global and local features.Additionally,a heterogeneous graph of the original document is constructed using word-level and topic-level features.Experiments and analyses on public review datasets(Yelp and Amazon)and our constructed dataset(Chinese complaint reports)show that the proposed framework effectively improves the performance of the abstractive summarization model for Chinese complaint reports. 展开更多
关键词 Text summarization TOPIC Chinese complaint report heterogeneous graph attention network
下载PDF
Learning a Discriminative Feature Attention Network for pancreas CT segmentation
12
作者 HUANG Mei-xiang WANG Yuan-jin +2 位作者 HUANG Chong-fei YUAN Jing KONG De-xing 《Applied Mathematics(A Journal of Chinese Universities)》 SCIE CSCD 2022年第1期73-90,共18页
Accurate pancreas segmentation is critical for the diagnosis and management of diseases of the pancreas. It is challenging to precisely delineate pancreas due to the highly variations in volume, shape and location. In... Accurate pancreas segmentation is critical for the diagnosis and management of diseases of the pancreas. It is challenging to precisely delineate pancreas due to the highly variations in volume, shape and location. In recent years, coarse-to-fine methods have been widely used to alleviate class imbalance issue and improve pancreas segmentation accuracy. However,cascaded methods could be computationally intensive and the refined results are significantly dependent on the performance of its coarse segmentation results. To balance the segmentation accuracy and computational efficiency, we propose a Discriminative Feature Attention Network for pancreas segmentation, to effectively highlight pancreas features and improve segmentation accuracy without explicit pancreas location. The final segmentation is obtained by applying a simple yet effective post-processing step. Two experiments on both public NIH pancreas CT dataset and abdominal BTCV multi-organ dataset are individually conducted to show the effectiveness of our method for 2 D pancreas segmentation. We obtained average Dice Similarity Coefficient(DSC) of 82.82±6.09%, average Jaccard Index(JI) of 71.13± 8.30% and average Symmetric Average Surface Distance(ASD) of 1.69 ± 0.83 mm on the NIH dataset. Compared to the existing deep learning-based pancreas segmentation methods, our experimental results achieve the best average DSC and JI value. 展开更多
关键词 attention mechanism Discriminative Feature attention network Improved Refinement Residual Block pancreas CT segmentation
下载PDF
Stacked Attention Networks for Referring Expressions Comprehension
13
作者 Yugang Li Haibo Sun +2 位作者 Zhe Chen Yudan Ding Siqi Zhou 《Computers, Materials & Continua》 SCIE EI 2020年第12期2529-2541,共13页
Referring expressions comprehension is the task of locating the image region described by a natural language expression,which refer to the properties of the region or the relationships with other regions.Most previous... Referring expressions comprehension is the task of locating the image region described by a natural language expression,which refer to the properties of the region or the relationships with other regions.Most previous work handles this problem by selecting the most relevant regions from a set of candidate regions,when there are many candidate regions in the set these methods are inefficient.Inspired by recent success of image captioning by using deep learning methods,in this paper we proposed a framework to understand the referring expressions by multiple steps of reasoning.We present a model for referring expressions comprehension by selecting the most relevant region directly from the image.The core of our model is a recurrent attention network which can be seen as an extension of Memory Network.The proposed model capable of improving the results by multiple computational hops.We evaluate the proposed model on two referring expression datasets:Visual Genome and Flickr30k Entities.The experimental results demonstrate that the proposed model outperform previous state-of-the-art methods both in accuracy and efficiency.We also conduct an ablation experiment to show that the performance of the model is not getting better with the increase of the attention layers. 展开更多
关键词 Stacked attention networks referring expressions visual relationship deep learning
下载PDF
Air Pollution Prediction Via Graph Attention Network and Gated Recurrent Unit
14
作者 Shun Wang Lin Qiao +3 位作者 Wei Fang Guodong Jing Victor S.Sheng Yong Zhang 《Computers, Materials & Continua》 SCIE EI 2022年第10期673-687,共15页
PM2.5 concentration prediction is of great significance to environmental protection and human health.Achieving accurate prediction of PM2.5 concentration has become an important research task.However,PM2.5 pollutants ... PM2.5 concentration prediction is of great significance to environmental protection and human health.Achieving accurate prediction of PM2.5 concentration has become an important research task.However,PM2.5 pollutants can spread in the earth’s atmosphere,causing mutual influence between different cities.To effectively capture the air pollution relationship between cities,this paper proposes a novel spatiotemporal model combining graph attention neural network(GAT)and gated recurrent unit(GRU),named GAT-GRU for PM2.5 concentration prediction.Specifically,GAT is used to learn the spatial dependence of PM2.5 concentration data in different cities,and GRU is to extract the temporal dependence of the long-term data series.The proposed model integrates the learned spatio-temporal dependencies to capture long-term complex spatio-temporal features.Considering that air pollution is related to the meteorological conditions of the city,the knowledge acquired from meteorological data is used in the model to enhance PM2.5 prediction performance.The input of the GAT-GRU model consists of PM2.5 concentration data and meteorological data.In order to verify the effectiveness of the proposed GAT-GRU prediction model,this paper designs experiments on real-world datasets compared with other baselines.Experimental results prove that our model achieves excellent performance in PM2.5 concentration prediction. 展开更多
关键词 Air pollution prediction deep learning spatiotemporal data modeling graph attention network
下载PDF
Graph Attention Residual Network Based Routing and Fault-Tolerant Scheduling Mechanism for Data Flow in Power Communication Network
15
作者 Zhihong Lin Zeng Zeng +3 位作者 Yituan Yu Yinlin Ren Xuesong Qiu Jinqian Chen 《Computers, Materials & Continua》 SCIE EI 2024年第10期1641-1665,共25页
For permanent faults(PF)in the power communication network(PCN),such as link interruptions,the timesensitive networking(TSN)relied on by PCN,typically employs spatial redundancy fault-tolerance methods to keep service... For permanent faults(PF)in the power communication network(PCN),such as link interruptions,the timesensitive networking(TSN)relied on by PCN,typically employs spatial redundancy fault-tolerance methods to keep service stability and reliability,which often limits TSN scheduling performance in fault-free ideal states.So this paper proposes a graph attention residual network-based routing and fault-tolerant scheduling mechanism(GRFS)for data flow in PCN,which specifically includes a communication system architecture for integrated terminals based on a cyclic queuing and forwarding(CQF)model and fault recovery method,which reduces the impact of faults by simplified scheduling configurations of CQF and fault-tolerance of prioritizing the rerouting of faulty time-sensitive(TS)flows;considering that PF leading to changes in network topology is more appropriately solved by doing routing and time slot injection decisions hop-by-hop,and that reasonable network load can reduce the damage caused by PF and reserve resources for the rerouting of faulty TS flows,an optimization model for joint routing and scheduling is constructed with scheduling success rate as the objective,and with traffic latency and network load as constraints;to catch changes in TSN topology and traffic load,a D3QN algorithm based on a multi-head graph attention residual network(MGAR)is designed to solve the problem model,where the MGAR based encoder reconstructs the TSN status into feature embedding vectors,and a dueling network decoder performs decoding tasks on the reconstructed feature embedding vectors.Simulation results show that GRFS outperforms heuristic fault-tolerance algorithms and other benchmark schemes by approximately 10%in routing and scheduling success rate in ideal states and 5%in rerouting and rescheduling success rate in fault states. 展开更多
关键词 Time-sensitive network deep reinforcement learning graph attention network fault tolerance
下载PDF
Label-Aware Chinese Event Detection with Heterogeneous Graph Attention Network
16
作者 崔诗尧 郁博文 +3 位作者 从鑫 柳厅文 谭庆丰 时金桥 《Journal of Computer Science & Technology》 SCIE EI CSCD 2024年第1期227-242,共16页
Event detection(ED)seeks to recognize event triggers and classify them into the predefined event types.Chinese ED is formulated as a character-level task owing to the uncertain word boundaries.Prior methods try to inc... Event detection(ED)seeks to recognize event triggers and classify them into the predefined event types.Chinese ED is formulated as a character-level task owing to the uncertain word boundaries.Prior methods try to incorpo-rate word-level information into characters to enhance their semantics.However,they experience two problems.First,they fail to incorporate word-level information into each character the word encompasses,causing the insufficient word-charac-ter interaction problem.Second,they struggle to distinguish events of similar types with limited annotated instances,which is called the event confusing problem.This paper proposes a novel model named Label-Aware Heterogeneous Graph Attention Network(L-HGAT)to address these two problems.Specifically,we first build a heterogeneous graph of two node types and three edge types to maximally preserve word-character interactions,and then deploy a heterogeneous graph attention network to enhance the semantic propagation between characters and words.Furthermore,we design a pushing-away game to enlarge the predicting gap between the ground-truth event type and its confusing counterpart for each character.Experimental results show that our L-HGAT model consistently achieves superior performance over prior competitive methods. 展开更多
关键词 Chinese event detection heterogeneous graph attention network(HGAT) label embedding
原文传递
Location Prediction from Social Media Contents using Location Aware Attention LSTM Network
17
作者 Madhur Arora Sanjay Agrawal Ravindra Patel 《Journal of Harbin Institute of Technology(New Series)》 CAS 2024年第5期68-77,共10页
Location prediction in social media,a growing research field,employs machine learning to identify users' locations from their online activities.This technology,useful in targeted advertising and urban planning,rel... Location prediction in social media,a growing research field,employs machine learning to identify users' locations from their online activities.This technology,useful in targeted advertising and urban planning,relies on natural language processing to analyze social media content and understand the temporal dynamics and structures of social networks.A key application is predicting a Twitter user's location from their tweets,which can be challenging due to the short and unstructured nature of tweet text.To address this challenge,the research introduces a novel machine learning model called the location-aware attention LSTM(LAA-LSTM).This hybrid model combines a Long Short-Term Memory(LSTM) network with an attention mechanism.The LSTM is trained on a dataset of tweets,and the attention network focuses on extracting features related to latitude and longitude,which are crucial for pinpointing the location of a user's tweet.The result analysis shows approx.10% improvement in accuracy over other existing machine learning approaches. 展开更多
关键词 TWITTER social media LOCATION machine learning attention network
下载PDF
The Short-Term Prediction ofWind Power Based on the Convolutional Graph Attention Deep Neural Network
18
作者 Fan Xiao Xiong Ping +4 位作者 Yeyang Li Yusen Xu Yiqun Kang Dan Liu Nianming Zhang 《Energy Engineering》 EI 2024年第2期359-376,共18页
The fluctuation of wind power affects the operating safety and power consumption of the electric power grid and restricts the grid connection of wind power on a large scale.Therefore,wind power forecasting plays a key... The fluctuation of wind power affects the operating safety and power consumption of the electric power grid and restricts the grid connection of wind power on a large scale.Therefore,wind power forecasting plays a key role in improving the safety and economic benefits of the power grid.This paper proposes a wind power predicting method based on a convolutional graph attention deep neural network with multi-wind farm data.Based on the graph attention network and attention mechanism,the method extracts spatial-temporal characteristics from the data of multiple wind farms.Then,combined with a deep neural network,a convolutional graph attention deep neural network model is constructed.Finally,the model is trained with the quantile regression loss function to achieve the wind power deterministic and probabilistic prediction based on multi-wind farm spatial-temporal data.A wind power dataset in the U.S.is taken as an example to demonstrate the efficacy of the proposed model.Compared with the selected baseline methods,the proposed model achieves the best prediction performance.The point prediction errors(i.e.,root mean square error(RMSE)and normalized mean absolute percentage error(NMAPE))are 0.304 MW and 1.177%,respectively.And the comprehensive performance of probabilistic prediction(i.e.,con-tinuously ranked probability score(CRPS))is 0.580.Thus,the significance of multi-wind farm data and spatial-temporal feature extraction module is self-evident. 展开更多
关键词 Format wind power prediction deep neural network graph attention network attention mechanism quantile regression
下载PDF
MSADCN:Multi-Scale Attentional Densely Connected Network for Automated Bone Age Assessment
19
作者 Yanjun Yu Lei Yu +2 位作者 Huiqi Wang Haodong Zheng Yi Deng 《Computers, Materials & Continua》 SCIE EI 2024年第2期2225-2243,共19页
Bone age assessment(BAA)helps doctors determine how a child’s bones grow and develop in clinical medicine.Traditional BAA methods rely on clinician expertise,leading to time-consuming predictions and inaccurate resul... Bone age assessment(BAA)helps doctors determine how a child’s bones grow and develop in clinical medicine.Traditional BAA methods rely on clinician expertise,leading to time-consuming predictions and inaccurate results.Most deep learning-based BAA methods feed the extracted critical points of images into the network by providing additional annotations.This operation is costly and subjective.To address these problems,we propose a multi-scale attentional densely connected network(MSADCN)in this paper.MSADCN constructs a multi-scale dense connectivity mechanism,which can avoid overfitting,obtain the local features effectively and prevent gradient vanishing even in limited training data.First,MSADCN designs multi-scale structures in the densely connected network to extract fine-grained features at different scales.Then,coordinate attention is embedded to focus on critical features and automatically locate the regions of interest(ROI)without additional annotation.In addition,to improve the model’s generalization,transfer learning is applied to train the proposed MSADCN on the public dataset IMDB-WIKI,and the obtained pre-trained weights are loaded onto the Radiological Society of North America(RSNA)dataset.Finally,label distribution learning(LDL)and expectation regression techniques are introduced into our model to exploit the correlation between hand bone images of different ages,which can obtain stable age estimates.Extensive experiments confirm that our model can converge more efficiently and obtain a mean absolute error(MAE)of 4.64 months,outperforming some state-of-the-art BAA methods. 展开更多
关键词 Bone age assessment deep learning attentional densely connected network muti-scale
下载PDF
Integrating multi-modal information to detect spatial domains of spatial transcriptomics by graph attention network
20
作者 Yuying Huo Yilang Guo +4 位作者 Jiakang Wang Huijie Xue Yujuan Feng Weizheng Chen Xiangyu Li 《Journal of Genetics and Genomics》 SCIE CAS CSCD 2023年第9期720-733,共14页
Recent advances in spatially resolved transcriptomic technologies have enabled unprecedented opportunities to elucidate tissue architecture and function in situ.Spatial transcriptomics can provide multimodal and compl... Recent advances in spatially resolved transcriptomic technologies have enabled unprecedented opportunities to elucidate tissue architecture and function in situ.Spatial transcriptomics can provide multimodal and complementary information simultaneously,including gene expression profiles,spatial locations,and histology images.However,most existing methods have limitations in efficiently utilizing spatial information and matched high-resolution histology images.To fully leverage the multi-modal information,we propose a SPAtially embedded Deep Attentional graph Clustering(SpaDAC)method to identify spatial domains while reconstructing denoised gene expression profiles.This method can efficiently learn the low-dimensional embeddings for spatial transcriptomics data by constructing multi-view graph modules to capture both spatial location connectives and morphological connectives.Benchmark results demonstrate that SpaDAC outperforms other algorithms on several recent spatial transcriptomics datasets.SpaDAC is a valuable tool for spatial domain detection,facilitating the comprehension of tissue architecture and cellular microenvironment.The source code of SpaDAC is freely available at Github(https://github.com/huoyuying/SpaDAC.git). 展开更多
关键词 Spatialtranscriptomics Spatial domaindetection Multi-modal integration Graph attention network
原文传递
上一页 1 2 4 下一页 到第
使用帮助 返回顶部