Gotowa bibliografia na temat „Graph and Multi-view Memory Attention”

Utwórz poprawne odniesienie w stylach APA, MLA, Chicago, Harvard i wielu innych

Wybierz rodzaj źródła:

Zobacz listy aktualnych artykułów, książek, rozpraw, streszczeń i innych źródeł naukowych na temat „Graph and Multi-view Memory Attention”.

Przycisk „Dodaj do bibliografii” jest dostępny obok każdej pracy w bibliografii. Użyj go – a my automatycznie utworzymy odniesienie bibliograficzne do wybranej pracy w stylu cytowania, którego potrzebujesz: APA, MLA, Harvard, Chicago, Vancouver itp.

Możesz również pobrać pełny tekst publikacji naukowej w formacie „.pdf” i przeczytać adnotację do pracy online, jeśli odpowiednie parametry są dostępne w metadanych.

Artykuły w czasopismach na temat "Graph and Multi-view Memory Attention"

1

Ai, Bing, Yibing Wang, Liang Ji, et al. "A graph neural network fused with multi-head attention for text classification." Journal of Physics: Conference Series 2132, no. 1 (2021): 012032. http://dx.doi.org/10.1088/1742-6596/2132/1/012032.

Pełny tekst źródła
Streszczenie:
Abstract Graph neural network (GNN) has done a good job of processing intricate architecture and fusion of global messages, research has explored GNN technology for text classification. However, the model that fixed the entire corpus as a graph in the past faced many problems such as high memory consumption and the inability to modify the construction of the graph. We propose an improved model based on GNN to solve these problems. The model no longer fixes the entire corpus as a graph but constructs different graphs for each text. This method reduces memory consumption, but still retains global information. We conduct experiments on the R8, R52, and 20newsgroups data sets, and use accuracy as the experimental standard. Experiments show that even if it consumes less memory, our model accomplish higher than existing models on multiple text classification data sets.
Style APA, Harvard, Vancouver, ISO itp.
2

Liu, Di, Hui Xu, Jianzhong Wang, Yinghua Lu, Jun Kong, and Miao Qi. "Adaptive Attention Memory Graph Convolutional Networks for Skeleton-Based Action Recognition." Sensors 21, no. 20 (2021): 6761. http://dx.doi.org/10.3390/s21206761.

Pełny tekst źródła
Streszczenie:
Graph Convolutional Networks (GCNs) have attracted a lot of attention and shown remarkable performance for action recognition in recent years. For improving the recognition accuracy, how to build graph structure adaptively, select key frames and extract discriminative features are the key problems of this kind of method. In this work, we propose a novel Adaptive Attention Memory Graph Convolutional Networks (AAM-GCN) for human action recognition using skeleton data. We adopt GCN to adaptively model the spatial configuration of skeletons and employ Gated Recurrent Unit (GRU) to construct an attention-enhanced memory for capturing the temporal feature. With the memory module, our model can not only remember what happened in the past but also employ the information in the future using multi-bidirectional GRU layers. Furthermore, in order to extract discriminative temporal features, the attention mechanism is also employed to select key frames from the skeleton sequence. Extensive experiments on Kinetics, NTU RGB+D and HDM05 datasets show that the proposed network achieves better performance than some state-of-the-art methods.
Style APA, Harvard, Vancouver, ISO itp.
3

Feng, Aosong, Irene Li, Yuang Jiang, and Rex Ying. "Diffuser: Efficient Transformers with Multi-Hop Attention Diffusion for Long Sequences." Proceedings of the AAAI Conference on Artificial Intelligence 37, no. 11 (2023): 12772–80. http://dx.doi.org/10.1609/aaai.v37i11.26502.

Pełny tekst źródła
Streszczenie:
Efficient Transformers have been developed for long sequence modeling, due to their subquadratic memory and time complexity. Sparse Transformer is a popular approach to improving the efficiency of Transformers by restricting self-attention to locations specified by the predefined sparse patterns. However, leveraging sparsity may sacrifice expressiveness compared to full-attention, when important token correlations are multiple hops away. To combine advantages of both the efficiency of sparse transformer and the expressiveness of full-attention Transformer, we propose Diffuser, a new state-of-the-art efficient Transformer. Diffuser incorporates all token interactions within one attention layer while maintaining low computation and memory costs. The key idea is to expand the receptive field of sparse attention using Attention Diffusion, which computes multi-hop token correlations based on all paths between corresponding disconnected tokens, besides attention among neighboring tokens. Theoretically, we show the expressiveness of Diffuser as a universal sequence approximator for sequence-to-sequence modeling, and investigate its ability to approximate full-attention by analyzing the graph expander property from the spectral perspective. Experimentally, we investigate the effectiveness of Diffuser with extensive evaluations, including language modeling, image modeling, and Long Range Arena (LRA). Evaluation results show that Diffuser achieves improvements by an average of 0.94% on text classification tasks and 2.30% on LRA, with 1.67x memory savings compared to state-of-the-art benchmarks, which demonstrates superior performance of Diffuser in both expressiveness and efficiency aspects.
Style APA, Harvard, Vancouver, ISO itp.
4

Li, Mingxiao, and Marie-Francine Moens. "Dynamic Key-Value Memory Enhanced Multi-Step Graph Reasoning for Knowledge-Based Visual Question Answering." Proceedings of the AAAI Conference on Artificial Intelligence 36, no. 10 (2022): 10983–92. http://dx.doi.org/10.1609/aaai.v36i10.21346.

Pełny tekst źródła
Streszczenie:
Knowledge-based visual question answering (VQA) is a vision-language task that requires an agent to correctly answer image-related questions using knowledge that is not presented in the given image. It is not only a more challenging task than regular VQA but also a vital step towards building a general VQA system. Most existing knowledge-based VQA systems process knowledge and image information similarly and ignore the fact that the knowledge base (KB) contains complete information about a triplet, while the extracted image information might be incomplete as the relations between two objects are missing or wrongly detected. In this paper, we propose a novel model named dynamic knowledge memory enhanced multi-step graph reasoning (DMMGR), which performs explicit and implicit reasoning over a key-value knowledge memory module and a spatial-aware image graph, respectively. Specifically, the memory module learns a dynamic knowledge representation and generates a knowledge-aware question representation at each reasoning step. Then, this representation is used to guide a graph attention operator over the spatial-aware image graph. Our model achieves new state-of-the-art accuracy on the KRVQR and FVQA datasets. We also conduct ablation experiments to prove the effectiveness of each component of the proposed model.
Style APA, Harvard, Vancouver, ISO itp.
5

Jung, Tae-Won, Chi-Seo Jeong, In-Seon Kim, Min-Su Yu, Soon-Chul Kwon, and Kye-Dong Jung. "Graph Convolutional Network for 3D Object Pose Estimation in a Point Cloud." Sensors 22, no. 21 (2022): 8166. http://dx.doi.org/10.3390/s22218166.

Pełny tekst źródła
Streszczenie:
Graph Neural Networks (GNNs) are neural networks that learn the representation of nodes and associated edges that connect it to every other node while maintaining graph representation. Graph Convolutional Neural Networks (GCNs), as a representative method in GNNs, in the context of computer vision, utilize conventional Convolutional Neural Networks (CNNs) to process data supported by graphs. This paper proposes a one-stage GCN approach for 3D object detection and poses estimation by structuring non-linearly distributed points of a graph. Our network provides the required details to analyze, generate and estimate bounding boxes by spatially structuring the input data into graphs. Our method proposes a keypoint attention mechanism that aggregates the relative features between each point to estimate the category and pose of the object to which the vertices of the graph belong, and also designs nine degrees of freedom of multi-object pose estimation. In addition, to avoid gimbal lock in 3D space, we use quaternion rotation, instead of Euler angle. Experimental results showed that memory usage and efficiency could be improved by aggregating point features from the point cloud and their neighbors in a graph structure. Overall, the system achieved comparable performance against state-of-the-art systems.
Style APA, Harvard, Vancouver, ISO itp.
6

Cui, Wei, Fei Wang, Xin He, et al. "Multi-Scale Semantic Segmentation and Spatial Relationship Recognition of Remote Sensing Images Based on an Attention Model." Remote Sensing 11, no. 9 (2019): 1044. http://dx.doi.org/10.3390/rs11091044.

Pełny tekst źródła
Streszczenie:
A comprehensive interpretation of remote sensing images involves not only remote sensing object recognition but also the recognition of spatial relations between objects. Especially in the case of different objects with the same spectrum, the spatial relationship can help interpret remote sensing objects more accurately. Compared with traditional remote sensing object recognition methods, deep learning has the advantages of high accuracy and strong generalizability regarding scene classification and semantic segmentation. However, it is difficult to simultaneously recognize remote sensing objects and their spatial relationship from end-to-end only relying on present deep learning networks. To address this problem, we propose a multi-scale remote sensing image interpretation network, called the MSRIN. The architecture of the MSRIN is a parallel deep neural network based on a fully convolutional network (FCN), a U-Net, and a long short-term memory network (LSTM). The MSRIN recognizes remote sensing objects and their spatial relationship through three processes. First, the MSRIN defines a multi-scale remote sensing image caption strategy and simultaneously segments the same image using the FCN and U-Net on different spatial scales so that a two-scale hierarchy is formed. The output of the FCN and U-Net are masked to obtain the location and boundaries of remote sensing objects. Second, using an attention-based LSTM, the remote sensing image captions include the remote sensing objects (nouns) and their spatial relationships described with natural language. Finally, we designed a remote sensing object recognition and correction mechanism to build the relationship between nouns in captions and object mask graphs using an attention weight matrix to transfer the spatial relationship from captions to objects mask graphs. In other words, the MSRIN simultaneously realizes the semantic segmentation of the remote sensing objects and their spatial relationship identification end-to-end. Experimental results demonstrated that the matching rate between samples and the mask graph increased by 67.37 percentage points, and the matching rate between nouns and the mask graph increased by 41.78 percentage points compared to before correction. The proposed MSRIN has achieved remarkable results.
Style APA, Harvard, Vancouver, ISO itp.
7

Hou, Miaomiao, Xiaofeng Hu, Jitao Cai, Xinge Han, and Shuaiqi Yuan. "An Integrated Graph Model for Spatial–Temporal Urban Crime Prediction Based on Attention Mechanism." ISPRS International Journal of Geo-Information 11, no. 5 (2022): 294. http://dx.doi.org/10.3390/ijgi11050294.

Pełny tekst źródła
Streszczenie:
Crime issues have been attracting widespread attention from citizens and managers of cities due to their unexpected and massive consequences. As an effective technique to prevent and control urban crimes, the data-driven spatial–temporal crime prediction can provide reasonable estimations associated with the crime hotspot. It thus contributes to the decision making of relevant departments under limited resources, as well as promotes civilized urban development. However, the deficient performance in the aspect of the daily spatial–temporal crime prediction at the urban-district-scale needs to be further resolved, which serves as a critical role in police resource allocation. In order to establish a practical and effective daily crime prediction framework at an urban police-district-scale, an “online” integrated graph model is proposed. A residual neural network (ResNet), graph convolutional network (GCN), and long short-term memory (LSTM) are integrated with an attention mechanism in the proposed model to extract and fuse the spatial–temporal features, topological graphs, and external features. Then, the “online” integrated graph model is validated by daily theft and assault data within 22 police districts in the city of Chicago, US from 1 January 2015 to 7 January 2020. Additionally, several widely used baseline models, including autoregressive integrated moving average (ARIMA), ridge regression, support vector regression (SVR), random forest, extreme gradient boosting (XGBoost), LSTM, convolutional neural network (CNN), and Conv-LSTM models, are compared with the proposed model from a quantitative point of view by using the same dataset. The results show that the predicted spatial–temporal patterns by the proposed model are close to the observations. Moreover, the integrated graph model performs more accurately since it has lower average values of the mean absolute error (MAE) and root mean square error (RMSE) than the other eight models. Therefore, the proposed model has great potential in supporting the decision making for the police in the fields of patrolling and investigation, as well as resource allocation.
Style APA, Harvard, Vancouver, ISO itp.
8

Mi, Chunlei, Shifen Cheng, and Feng Lu. "Predicting Taxi-Calling Demands Using Multi-Feature and Residual Attention Graph Convolutional Long Short-Term Memory Networks." ISPRS International Journal of Geo-Information 11, no. 3 (2022): 185. http://dx.doi.org/10.3390/ijgi11030185.

Pełny tekst źródła
Streszczenie:
Predicting taxi-calling demands at the urban area level is vital to coordinate the supply–demand balance of the urban taxi system. Differing travel patterns, the impact of external data, and the expression of dynamic spatiotemporal demand dependence pose challenges to predicting demand. Here, a framework using residual attention graph convolutional long short-term memory networks (RAGCN-LSTMs) is proposed to predict taxi-calling demands. It consists of a spatial dependence (SD) extractor, which extracts SD features; an external dependence extractor, which extracts traffic environment-related features; a pattern dependence (PD) extractor, which extracts the PD of demands for different zones; and a temporal dependence extractor and predictor, which leverages the abovementioned features into an LSTM model to extract temporal dependence and predict demands. Experiments were conducted on taxi-calling records of Shanghai City. The results showed that the prediction accuracies of the RAGCN-LSTMs model were a mean absolute error of 0.8664, a root mean square error of 1.4965, and a symmetric mean absolute percentage error of 43.11%. It outperformed both classical time-series prediction methods and other deep learning models. Further, to illustrate the advantages of the proposed model, we investigated its predicting performance in various demand densities in multiple urban areas and proved its robustness and superiority.
Style APA, Harvard, Vancouver, ISO itp.
9

Karimanzira, Divas, Linda Ritzau, and Katharina Emde. "Catchment Area Multi-Streamflow Multiple Hours Ahead Forecast Based on Deep Learning." Transactions on Machine Learning and Artificial Intelligence 10, no. 5 (2022): 15–29. http://dx.doi.org/10.14738/tmlai.105.13049.

Pełny tekst źródła
Streszczenie:
Modeling of rainfall-runoff is very critical for flood prediction studies in decision making for disaster management. Deep learning methods have proven to be very useful in hydrological prediction. To increase their acceptance in the hydrological community, they must be physic-informed and show some interpretability. They are several ways this can be achieved e.g. by learning from a fully-trained hydrological model which assumes the availability of the hydrological model or to use physic-informed data. In this work we developed a Graph Attention Network (GAT) with learnable Adjacency Matrix coupled with a Bi-directional Gated Temporal Convolutional Neural Network (2DGAT-BiLSTM). Physic-informed data with spatial information from Digital Elevation Model and geographical data is used to train it. Besides, precipitation, evapotranspiration and discharge, the model utilizes the catchment area characteristic information, such as instantaneous slope, soil type, drainage area etc. The method is compared to two different current developments in deep learning structures for streamflow prediction, which also utilize all the spatial and temporal information in an integrated way. One, namely Graph Neural Rainfall-Runoff Models (GNRRM) uses timeseries prediction on each node and a Graph Neural Network (GNN) to route the information to the target node and another one called STA-LSTM is based on Spatial and temporal Attention Mechanism and Long Short Term Memory (LSTM) for prediction. The different methods were compared in their performance in predicting the flow at several points of a pilot catchment area. With an average prediction NSE and KGE of 0.995 and 0.981, respectively for 2DGAT-BiLSTM, it could be shown that graph attention mechanism and learning the adjacency matrix for spatial information can boost the model performance and robustness, and bring interpretability and with the inclusion of domain knowledge the acceptance of the models.
Style APA, Harvard, Vancouver, ISO itp.
10

Wang, Changhai, Jiaxi Ren, and Hui Liang. "MSGraph: Modeling multi-scale K-line sequences with graph attention network for profitable indices recommendation." Electronic Research Archive 31, no. 5 (2023): 2626–50. http://dx.doi.org/10.3934/era.2023133.

Pełny tekst źródła
Streszczenie:
<abstract><p>Indices recommendation is a long-standing topic in stock market investment. Predicting the future trends of indices and ranking them based on the prediction results is the main scheme for indices recommendation. How to improve the forecasting performance is the central issue of this study. Inspired by the widely used trend-following investing strategy in financial investment, the indices' future trends are related to not only the nearby transaction data but also the long-term historical data. This article proposes the MSGraph, which tries to improve the index ranking performance by modeling the correlations of short and long-term historical embeddings with the graph attention network. The original minute-level transaction data is first synthesized into a series of K-line sequences with varying time scales. Each K-line sequence is input into a long short-term memory network (LSTM) to get the sequence embedding. Then, the embeddings for all indices with the same scale are fed into a graph convolutional network to achieve index aggregation. All the aggregated embeddings for the same index are input into a graph attention network to fuse the scale interactions. Finally, a fully connected network produces the index return ratio for the next day, and the recommended indices are obtained through ranking. In total, 60 indices in the Chinese stock market are selected as experimental data. The mean reciprocal rank, precision, accuracy and investment return ratio are used as evaluation metrics. The comparison results show that our method achieves state-of-the-art results in all evaluation metrics, and the ablation study also demonstrates that the combination of multiple scale K-lines facilitates the indices recommendation.</p></abstract>
Style APA, Harvard, Vancouver, ISO itp.
Więcej źródeł
Oferujemy zniżki na wszystkie plany premium dla autorów, których prace zostały uwzględnione w tematycznych zestawieniach literatury. Skontaktuj się z nami, aby uzyskać unikalny kod promocyjny!

Do bibliografii