Projects in Awesome Lists tagged with attention
A curated list of projects in awesome lists tagged with attention .
https://github.com/labmlai/annotated_deep_learning_paper_implementations
🧑🏫 60+ Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
attention deep-learning deep-learning-tutorial gan literate-programming lora machine-learning neural-networks optimizers pytorch reinforcement-learning transformer transformers
Last synced: 17 Nov 2025
https://github.com/ddbourgin/numpy-ml
Machine learning, in numpy
attention bayesian-inference gaussian-mixture-models gaussian-processes good-turing-smoothing gradient-boosting hidden-markov-models knn lstm machine-learning mfcc neural-networks reinforcement-learning resnet topic-modeling vae wavenet wgan-gp word2vec
Last synced: 12 May 2025
https://github.com/graykode/nlp-tutorial
Natural Language Processing Tutorial for Deep Learning Researchers
attention bert natural-language-processing nlp paper pytorch tensorflow transformer tutorial
Last synced: 13 May 2025
https://github.com/xmu-xiaoma666/external-attention-pytorch
🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐
attention cbam excitation-networks linear-layers paper pytorch squeeze visual-tasks
Last synced: 13 May 2025
https://github.com/xmu-xiaoma666/External-Attention-pytorch
🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐
attention cbam excitation-networks linear-layers paper pytorch squeeze visual-tasks
Last synced: 21 Apr 2025
https://github.com/jadore801120/attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
attention attention-is-all-you-need deep-learning natural-language-processing nlp pytorch
Last synced: 14 May 2025
https://github.com/bentrevett/pytorch-seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
attention cnn-seq2seq encoder-decoder encoder-decoder-model gru lstm neural-machine-translation pytorch pytorch-implementation pytorch-implmention pytorch-nlp pytorch-seq2seq pytorch-tutorial pytorch-tutorials rnn seq2seq sequence-to-sequence torchtext transformer tutorial
Last synced: 14 May 2025
https://github.com/km1994/nlp_paper_study
该仓库主要记录 NLP 算法工程师相关的顶会论文研读笔记
attention bert entity-recognition gcn relation-extraction
Last synced: 13 Apr 2025
https://github.com/hyunwoongko/transformer
Transformer: PyTorch Implementation of "Attention Is All You Need"
attention dataset pytorch transformer
Last synced: 14 May 2025
https://github.com/google-research/scenic
Scenic: A Jax Library for Computer Vision Research and Beyond
attention computer-vision deep-learning jax research transformers vision-transformer
Last synced: 13 May 2025
https://github.com/flashinfer-ai/flashinfer
FlashInfer: Kernel Library for LLM Serving
attention cuda gpu jit large-large-models llm-inference nvidia pytorch
Last synced: 05 Jan 2026
https://github.com/gordicaleksa/pytorch-gat
My implementation of the original GAT paper (Veličković et al.). I've additionally included the playground.py file for visualizing the Cora dataset, GAT embeddings, an attention mechanism, and entropy histograms. I've supported both Cora (transductive) and PPI (inductive) examples!
attention attention-mechanism deep-learning gat gat-tutorial graph-attention-network graph-attention-networks jupyter python pytorch pytorch-gat pytorch-implementation self-attention
Last synced: 15 May 2025
https://github.com/gordicaleksa/pytorch-GAT
My implementation of the original GAT paper (Veličković et al.). I've additionally included the playground.py file for visualizing the Cora dataset, GAT embeddings, an attention mechanism, and entropy histograms. I've supported both Cora (transductive) and PPI (inductive) examples!
attention attention-mechanism deep-learning gat gat-tutorial graph-attention-network graph-attention-networks jupyter python pytorch pytorch-gat pytorch-implementation self-attention
Last synced: 01 May 2025
https://github.com/songyouwei/absa-pytorch
Aspect Based Sentiment Analysis, PyTorch Implementations. 基于方面的情感分析,使用PyTorch实现。
aspect-based-sentiment-analysis attention bert natural-language-processing nlp sentiment-analysis sentiment-classification
Last synced: 15 May 2025
https://github.com/songyouwei/ABSA-PyTorch
Aspect Based Sentiment Analysis, PyTorch Implementations. 基于方面的情感分析,使用PyTorch实现。
aspect-based-sentiment-analysis attention bert natural-language-processing nlp sentiment-analysis sentiment-classification
Last synced: 02 Apr 2025
https://github.com/mesolitica/nlp-models-tensorflow
Gathers machine learning and Tensorflow deep learning models for NLP problems, 1.13 < Tensorflow < 2.0
attention chatbot deep-learning dnc-seq2seq embedded language-detection lstm lstm-seq2seq-tf luong-api machine-learning neural-machine-translation nlp optical-character-recognition pos-tagging speech-to-text summarization
Last synced: 29 Sep 2025
https://github.com/mesolitica/NLP-Models-Tensorflow
Gathers machine learning and Tensorflow deep learning models for NLP problems, 1.13 < Tensorflow < 2.0
attention chatbot deep-learning dnc-seq2seq embedded language-detection lstm lstm-seq2seq-tf luong-api machine-learning neural-machine-translation nlp optical-character-recognition pos-tagging speech-to-text summarization
Last synced: 09 Apr 2025
https://github.com/argusswift/YOLOv4-pytorch
This is a pytorch repository of YOLOv4, attentive YOLOv4 and mobilenet YOLOv4 with PASCAL VOC and COCO
attention cbam mobilenetv2 mobilenetv3 object-detection pytorch senet yolov4
Last synced: 20 Apr 2025
https://github.com/argusswift/yolov4-pytorch
This is a pytorch repository of YOLOv4, attentive YOLOv4 and mobilenet YOLOv4 with PASCAL VOC and COCO
attention cbam mobilenetv2 mobilenetv3 object-detection pytorch senet yolov4
Last synced: 15 May 2025
https://github.com/lucidrains/lambda-networks
Implementation of LambdaNetworks, a new approach to image recognition that reaches SOTA with less compute
artificial-intelligence attention attention-mechanism computer-vision deep-learning
Last synced: 15 May 2025
https://github.com/szagoruyko/attention-transfer
Improving Convolutional Networks via Attention Transfer (ICLR 2017)
attention deep-learning knowledge-distillation pytorch
Last synced: 16 May 2025
https://github.com/thu-ml/sageattention
Quantized Attention achieves speedup of 2-3x and 3-5x compared to FlashAttention and xformers, without lossing end-to-end metrics across language, image, and video models.
attention cuda efficient-attention inference-acceleration llm llm-infra mlsys quantization triton video-generate video-generation vit
Last synced: 14 May 2025
https://github.com/dorarad/gansformer
Generative Adversarial Transformers
attention compositionality gans generative-adversarial-networks image-generation scene-generation transformers
Last synced: 16 May 2025
https://github.com/pprp/simplecvreproduction
Replication of simple CV Projects including attention, classification, detection, keypoint detection, etc.
attention classification computer-vision cv demo face-detection landmark object-detection paper-reproduction pytorch
Last synced: 16 May 2025
https://github.com/The-AI-Summer/self-attention-cv
Implementation of various self-attention mechanisms focused on computer vision. Ongoing repository.
artificial-intelligence attention attention-mechanism deep-learning machine-learning machine-learning-algorithms self-attention transformer transformers
Last synced: 08 May 2025
https://github.com/the-ai-summer/self-attention-cv
Implementation of various self-attention mechanisms focused on computer vision. Ongoing repository.
artificial-intelligence attention attention-mechanism deep-learning machine-learning machine-learning-algorithms self-attention transformer transformers
Last synced: 12 Apr 2025
https://github.com/lucidrains/performer-pytorch
An implementation of Performer, a linear attention-based transformer, in Pytorch
artificial-intelligence attention attention-mechanism deep-learning transformers
Last synced: 15 May 2025
https://github.com/lucidrains/transfusion-pytorch
Pytorch implementation of Transfusion, "Predict the Next Token and Diffuse Images with One Multi-Modal Model", from MetaAI
artificial-intelligence attention deep-learning flow-matching multi-modal transformers
Last synced: 14 May 2025
https://github.com/gordicaleksa/pytorch-original-transformer
My implementation of the original transformer model (Vaswani et al.). I've additionally included the playground.py file for visualizing otherwise seemingly hard concepts. Currently included IWSLT pretrained models.
attention attention-is-all-you-need attention-mechanism deep-learning deeplearning jupyter original-transformer python pytorch pytorch-transformer pytorch-transformers transformer transformer-tutorial transformers
Last synced: 13 Apr 2025
https://github.com/kevinzakka/spatial-transformer-network
A Tensorflow implementation of Spatial Transformer Networks.
affine-transformation attention convnet spatial-transformer-network stn tensorflow
Last synced: 16 May 2025
https://github.com/graphdeeplearning/graphtransformer
Graph Transformer Architecture. Source code for "A Generalization of Transformer Networks to Graphs", DLG-AAAI'21.
aaai attention graph-deep-learning graph-neural-networks graph-transformer transformer transformer-networks transformers
Last synced: 21 Jul 2025
https://github.com/morvanzhou/nlp-tutorials
Simple implementations of NLP models. Tutorials are written in Chinese on my website https://mofanpy.com
attention bert elmo gpt nlp seq2seq transformer tutorial w2v
Last synced: 16 May 2025
https://github.com/jtkim-kaist/VAD
Voice activity detection (VAD) toolkit including DNN, bDNN, LSTM and ACAM based VAD. We also provide our directly recorded dataset.
acam attention bdnn data dnn lstm speech speech-activity-detection speech-recognition vad voice-activity-detection voice-detection
Last synced: 07 May 2025
https://github.com/jeya-maria-jose/Medical-Transformer
Official Pytorch Code for "Medical Transformer: Gated Axial-Attention for Medical Image Segmentation" - MICCAI 2021
attention deep-learning medical-image-analysis medical-imaging pytorch segmentation transformer transformers
Last synced: 09 May 2025
https://github.com/kaituoxu/Speech-Transformer
A PyTorch implementation of Speech Transformer, an End-to-End ASR with Transformer network on Mandarin Chinese.
asr attention attention-is-all-you-need end-to-end pytorch self-attention transformer
Last synced: 19 Jul 2025
https://github.com/ilivans/tf-rnn-attention
Tensorflow implementation of attention mechanism for text classification tasks.
attention rnn sentiment-analysis tensorflow text-classification
Last synced: 09 May 2025
https://github.com/google-research/long-range-arena
Long Range Arena for Benchmarking Efficient Transformers
attention deep-learning flax jax nlp transformers
Last synced: 22 Feb 2025
https://github.com/kyegomez/longnet
Implementation of plug in and play Attention from "LongNet: Scaling Transformers to 1,000,000,000 Tokens"
artificial-intelligence attention attention-is-all-you-need attention-mechanisms chatgpt context-length gpt3 gpt4 machine-learning transformer
Last synced: 16 May 2025
https://github.com/kyegomez/LongNet
Implementation of plug in and play Attention from "LongNet: Scaling Transformers to 1,000,000,000 Tokens"
artificial-intelligence attention attention-is-all-you-need attention-mechanisms chatgpt context-length gpt3 gpt4 machine-learning transformer
Last synced: 13 May 2025
https://github.com/thu-ml/SageAttention
Quantized Attention that achieves speedups of 2.1-3.1x and 2.7-5.1x compared to FlashAttention2 and xformers, respectively, without lossing end-to-end metrics across various models.
attention cuda inference-acceleration llm quantization triton video-generation
Last synced: 15 Aug 2025
https://github.com/ottokart/punctuator2
A bidirectional recurrent neural network model with attention mechanism for restoring missing punctuation in unsegmented text
attention demo punctuation recurrent-neural-networks theano
Last synced: 07 May 2025
https://github.com/hirofumi0810/neural_sp
End-to-end ASR/LM implementation with PyTorch
asr attention attention-mechanism automatic-speech-recognition ctc language-model language-modeling pytorch rnn-transducer seq2seq sequence-to-sequence speech speech-recognition streaming transformer transformer-xl
Last synced: 02 May 2025
https://github.com/leondgarse/keras_cv_attention_models
Keras beit,caformer,CMT,CoAtNet,convnext,davit,dino,efficientdet,edgenext,efficientformer,efficientnet,eva,fasternet,fastervit,fastvit,flexivit,gcvit,ghostnet,gpvit,hornet,hiera,iformer,inceptionnext,lcnet,levit,maxvit,mobilevit,moganet,nat,nfnets,pvt,swin,tinynet,tinyvit,uniformer,volo,vanillanet,yolor,yolov7,yolov8,yolox,gpt2,llama2, alias kecam
attention clip coco ddpm detection imagenet keras model recognition segment-anything stable-diffusion tensorflow tf tf2 visualizing
Last synced: 08 Apr 2025
https://github.com/EvilPsyCHo/Deep-Time-Series-Prediction
Seq2Seq, Bert, Transformer, WaveNet for time series prediction.
attention bert deep-learning kaggle lstm pytorch regression seq2seq series-prediction time-series-forecasting toturial wavenet
Last synced: 21 Jul 2025
https://github.com/evilpsycho/deep-time-series-prediction
Seq2Seq, Bert, Transformer, WaveNet for time series prediction.
attention bert deep-learning kaggle lstm pytorch regression seq2seq series-prediction time-series-forecasting toturial wavenet
Last synced: 04 Apr 2025
https://github.com/fwang91/residual-attention-network
Residual Attention Network for Image Classification
attention cvpr-2017 image-classification
Last synced: 29 Mar 2025
https://github.com/jnhwkim/ban-vqa
Bilinear attention networks for visual question answering
attention bilinear-pooling pytorch-implmention visual-question-answering
Last synced: 13 Apr 2025
https://github.com/sooftware/attentions
PyTorch implementation of some attentions for Deep Learning Researchers.
additive-attention attention dot-product-attention location-aware-attention location-sensitive-attension multi-head-attention pytorch relative-multi-head-attention relative-positional-encoding
Last synced: 05 Apr 2025
https://github.com/zhvng/open-musiclm
Implementation of MusicLM, a text to music model published by Google Research, with a few modifications.
artificial-intelligence attention music-generation text-to-music transformer
Last synced: 14 Jul 2025
https://github.com/stanfordnlp/mac-network
Implementation for the paper "Compositional Attention Networks for Machine Reasoning" (Hudson and Manning, ICLR 2018)
attention clevr compositional-attention-networks machine-reasoning question-answering tensorflow vqa
Last synced: 13 May 2025
https://github.com/kaushalshetty/Structured-Self-Attention
A Structured Self-attentive Sentence Embedding
attention attention-mechanism attention-model attention-weights classification deep-learning python3 pytorch self-attention self-attentive-rnn sentence-embeddings visualization
Last synced: 14 Jul 2025
https://github.com/AnubhavGupta3377/Text-Classification-Models-Pytorch
Implementation of State-of-the-art Text Classification Models in Pytorch
attention classification convolutional-neural-networks deep-learning fasttext nlp pytorch rcnn recurrent-neural-networks seq2seq transformer
Last synced: 06 May 2025
https://github.com/chengchingwen/Transformers.jl
Julia Implementation of Transformer models
attention deep-learning flux machine-learning natural-language-processing nlp transformer
Last synced: 04 May 2025
https://github.com/chengchingwen/transformers.jl
Julia Implementation of Transformer models
attention deep-learning flux machine-learning natural-language-processing nlp transformer
Last synced: 16 May 2025
https://github.com/kevinzakka/recurrent-visual-attention
A PyTorch Implementation of "Recurrent Models of Visual Attention"
attention pytorch ram recurrent-attention-model recurrent-models
Last synced: 26 Mar 2025
https://github.com/rentainhe/visualization
a collection of visualization function
attention attention-map attention-mechanism data-visualization deep-learning transformer vision vision-mlp vision-transformer visualization
Last synced: 04 Apr 2025
https://github.com/ai-forever/ner-bert
BERT-NER (nert-bert) with google bert https://github.com/google-research.
atis attention bert bert-model bilstm-crf classification conll-2003 elmo factrueval joint-models ner ner-task nlp nmt python python3 pytorch pytorch-model transfer-learning
Last synced: 06 Apr 2025
https://github.com/Davidham3/ASTGCN-2019-mxnet
⚠️[Deprecated] no longer maintained, please use the code in https://github.com/guoshnBJTU/ASTGCN-r-pytorch
aaai attention graph time-series traffic-flow-forecasting
Last synced: 02 Apr 2025
https://github.com/cyberzhg/keras-transformer
Transformer implemented in Keras
attention decoder encoder keras transformer translation
Last synced: 05 Oct 2025
https://github.com/benedekrozemberczki/appnp
A PyTorch implementation of "Predict then Propagate: Graph Neural Networks meet Personalized PageRank" (ICLR 2019).
appnp attention deep-learning deep-neural-networks deepwalk gcn graph-attention graph-classification graph-convolutional-neural-networks graph-embedding graph-neural-network iclr machine-learning network-embedding node-embedding node2vec pagerank ppnp pytorch research
Last synced: 07 Apr 2025
https://github.com/benedekrozemberczki/APPNP
A PyTorch implementation of "Predict then Propagate: Graph Neural Networks meet Personalized PageRank" (ICLR 2019).
appnp attention deep-learning deep-neural-networks deepwalk gcn graph-attention graph-classification graph-convolutional-neural-networks graph-embedding graph-neural-network iclr machine-learning network-embedding node-embedding node2vec pagerank ppnp pytorch research
Last synced: 17 Apr 2025
https://github.com/kyegomez/cm3leon
An open source implementation of "Scaling Autoregressive Multi-Modal Models: Pretraining and Instruction Tuning", an all-new multi modal AI that uses just a decoder to generate both text and images
attention attention-is-all-you-need dalle imagegeneration multimodal multimodal-learning multimodality
Last synced: 06 Apr 2025
https://github.com/ymfa/seq2seq-summarizer
Pointer-generator reinforced seq2seq summarization in PyTorch
abstractive-summarization attention attention-mechanism coverage coverage-mechanism pointer-network pytorch reinforcement-learning seq2seq summarization summarizer
Last synced: 06 May 2025
https://github.com/dongjunlee/transformer-tensorflow
TensorFlow implementation of 'Attention Is All You Need (2017. 6)'
attention deep-learning experiments hb-experiment nlp tensorflow transformer translation
Last synced: 07 Apr 2025
https://github.com/DongjunLee/transformer-tensorflow
TensorFlow implementation of 'Attention Is All You Need (2017. 6)'
attention deep-learning experiments hb-experiment nlp tensorflow transformer translation
Last synced: 13 Apr 2025
https://github.com/soujanyaporia/multimodal-sentiment-analysis
Attention-based multimodal fusion for sentiment analysis
attention attention-mechanism conversational-agents dialogue-systems lstm multimodality natural-language-processing sentiment-analysis sentiment-classification tensorflow
Last synced: 05 Apr 2025
https://github.com/tech-srl/how_attentive_are_gats
Code for the paper "How Attentive are Graph Attention Networks?" (ICLR'2022)
are attention attentive gat gatv2 graph graph-attention-networks graph-neural-networks how networks pytorch
Last synced: 03 Jul 2025
https://github.com/kyegomez/screenai
Implementation of the ScreenAI model from the paper: "A Vision-Language Model for UI and Infographics Understanding"
ai artificial-intelligence attention attention-is-all-you-need gpt-4 machine-learning ml pytorch tensorflow
Last synced: 15 May 2025
https://github.com/benedekrozemberczki/AttentionWalk
A PyTorch Implementation of "Watch Your Step: Learning Node Embeddings via Graph Attention" (NeurIPS 2018).
attention deep-learning deepwalk graph-attention graph-neural-networks graph-representation-learning implicit-factorization machine-learning matrix-factorization neurips neurips-2018 nips node2vec pytorch sklearn structural-attention tensorflow torch walklet word2vec
Last synced: 03 Apr 2025
https://github.com/benedekrozemberczki/attentionwalk
A PyTorch Implementation of "Watch Your Step: Learning Node Embeddings via Graph Attention" (NeurIPS 2018).
attention deep-learning deepwalk graph-attention graph-neural-networks graph-representation-learning implicit-factorization machine-learning matrix-factorization neurips neurips-2018 nips node2vec pytorch sklearn structural-attention tensorflow torch walklet word2vec
Last synced: 07 Apr 2025
https://github.com/sayakpaul/probing-vits
Probing the representations of Vision Transformers.
attention explaining-vits image-recognition keras pre-training self-supervision tensorflow transformers vits
Last synced: 11 Apr 2025
https://github.com/vita-group/abd-net
[ICCV 2019] "ABD-Net: Attentive but Diverse Person Re-Identification" https://arxiv.org/abs/1908.01114
abd-net attention orthogonal re-identification
Last synced: 08 Apr 2025
https://github.com/qitianwu/DIFFormer
The official implementation for ICLR23 spotlight paper "DIFFormer: Scalable (Graph) Transformers Induced by Energy Constrained Diffusion"
attention diffusion diffusion-equation geometric-deep-learning graph-neural-networks graph-transformer iclr2023 image-classification large-graph node-classification pytorch pytorch-geometric pytorch-geometric-temporal spatial-temporal-forecasting text-classification transformer
Last synced: 27 Mar 2025
https://github.com/brightmart/ai_law
all kinds of baseline models for long text classificaiton( text categorization)
accusation ai attention crime fasttext hierarchical-attention-network law relevant-articles text-categorization text-classification textcnn
Last synced: 10 Oct 2025
https://github.com/hmunachi/nanodl
A Jax-based library for designing and training transformer models from scratch.
attention attention-mechanism deep-learning distributed-training flax gpt jax llama machine-learning mistral nlp transformer
Last synced: 05 Apr 2025
https://github.com/ai4co/rl4co
A PyTorch library for all things Reinforcement Learning (RL) for Combinatorial Optimization (CO)
attention attention-model benchmark combinatorial-optimization cvrp electronic-design-automation hydra neural-combinatorial-optimization operations-research pytorch-lightning reinforcement-learning tensordict torchrl tsp
Last synced: 05 Mar 2025
https://github.com/benedekrozemberczki/gam
A PyTorch implementation of "Graph Classification Using Structural Attention" (KDD 2018).
attention deep-reinforcement-learning deepwalk gcn graph-attention graph-classification graph-convolution graph2vec graphsage machine-learning neural-networks node2vec pytorch reinforcement-agent reinforcement-learning sklearn structural-attention transfer-learning
Last synced: 09 Apr 2025
https://github.com/benedekrozemberczki/GAM
A PyTorch implementation of "Graph Classification Using Structural Attention" (KDD 2018).
attention deep-reinforcement-learning deepwalk gcn graph-attention graph-classification graph-convolution graph2vec graphsage machine-learning neural-networks node2vec pytorch reinforcement-agent reinforcement-learning sklearn structural-attention transfer-learning
Last synced: 27 Mar 2025
https://github.com/WenjieDu/SAITS
The official PyTorch implementation of the paper "SAITS: Self-Attention-based Imputation for Time Series". A fast and state-of-the-art (SOTA) deep-learning neural network model for efficient time-series imputation (impute multivariate incomplete time series containing NaN missing data/values with machine learning). https://arxiv.org/abs/2202.08516
attention attention-mechanism deep-learning imputation imputation-model impute incomplete-data incomplete-time-series interpolation irregular-sampling machine-learning missing-values partially-observed partially-observed-data partially-observed-time-series pytorch self-attention time-series time-series-imputation transformer
Last synced: 01 Apr 2025
https://github.com/lucidrains/spear-tts-pytorch
Implementation of Spear-TTS - multi-speaker text-to-speech attention network, in Pytorch
artificial-intelligence attention deep-learning text-to-speech transformers
Last synced: 05 Apr 2025
https://github.com/iscyy/yoloair
🔥🔥🔥 专注于YOLO改进模型,Support to improve backbone, neck, head, loss, IoU, NMS and other modules🚀
anchor-based anchor-free attention backbone deep-learning ppyolo ppyoloe pytorch scaledyolov4 tood transformer yolo yoloair yolor yolov3 yolov4 yolov5 yolov6 yolov7 yolox
Last synced: 13 Apr 2025
https://github.com/FlagOpen/FlagAttention
A collection of memory efficient attention operators implemented in the Triton language.
Last synced: 09 May 2025
https://github.com/flagopen/flagattention
A collection of memory efficient attention operators implemented in the Triton language.
Last synced: 05 Apr 2025
https://github.com/vijaydwivedi75/gnn-lspe
Source code for GNN-LSPE (Graph Neural Networks with Learnable Structural and Positional Representations), ICLR 2022
attention geometric-deep-learning gnn gnn-lspe graph-deep-learning graph-neural-networks graph-representation-learning graph-transformer graphs lspe message-passing molecules positional-encoding representation-learning transformer-networks transformers
Last synced: 03 Apr 2025
https://github.com/cbaziotis/neat-vision
Neat (Neural Attention) Vision, is a visualization tool for the attention mechanisms of deep-learning models for Natural Language Processing (NLP) tasks. (framework-agnostic)
attention attention-mechanism attention-mechanisms attention-scores attention-visualization deep-learning deep-learning-library deep-learning-visualization natural-language-processing nlp self-attention self-attentive-rnn text-visualization visualization vuejs
Last synced: 09 Apr 2025
https://github.com/aprbw/traffic_prediction
Traffic prediction is the task of predicting future traffic measurements (e.g. volume, speed, etc.) in a road network (graph), using historical data (timeseries).
attention cnn forecasting gcn lstm mxnet neural-network pytorch tensorflow time-series time-series-forecasting timeseries timeseries-forecasting traffic-flow-forecasting traffic-flow-prediction traffic-forecasting traffic-prediction transformer
Last synced: 12 Apr 2025
https://github.com/github-hongweizhang/prediction-flow
Deep-Learning based CTR models implemented by PyTorch
attention attention-mechanism ctr ctr-models ctr-prediction deep-learning deepfm deepinterestevolutionnetwork deepinterestnetwork deepneuralnetworks dien din dnn machine-learning prediction-flow pytorch recommendation torch wide-and-deep
Last synced: 06 Apr 2025
https://github.com/notAI-tech/fastPunct
Punctuation restoration and spell correction experiments.
attention auto-punctuation deep-learning nlp punctuation punctuation-correction punctuation-marks punctuation-restoration spellchecker spelling-correction text text-correction
Last synced: 22 Jul 2025
https://github.com/zengbin93/jddc_solution_4th
2018-JDDC大赛第4名的解决方案
attention jddc qa tensor2tensor transformer
Last synced: 08 May 2025
https://github.com/chengzeyi/paraattention
https://wavespeed.ai/ Context parallel attention that accelerates DiT model inference with dynamic caching
attention diffusers flux hunyuan-video inference inference-engine parallel-computing transformers
Last synced: 09 Apr 2025
https://github.com/drprojects/deepviewagg
[CVPR'22 Best Paper Finalist] Official PyTorch implementation of the method presented in "Learning Multi-View Aggregation In the Wild for Large-Scale 3D Semantic Segmentation"
attention cvpr cvpr2022 deep-learning image kitti-360 multi-view multimodal multimodal-deep-learning point-cloud point-cloud-segmentation pytorch pytorch-geometric s3dis semantic-segmentation torch-points3d
Last synced: 30 Aug 2025
https://github.com/skyworkai/moh
MoH: Multi-Head Attention as Mixture-of-Head Attention
attention dit llms mixture-of-experts moe transformer vit
Last synced: 04 Apr 2025
https://github.com/haofanwang/natural-language-joint-query-search
Search photos on Unsplash based on OpenAI's CLIP model, support search with joint image+text queries and attention visualization.
attention clip computer-vision image-retrieval image-search multi-modal-search unsplash visualizations
Last synced: 20 Aug 2025
https://github.com/shenasa-ai/speech2text
A Deep-Learning-Based Persian Speech Recognition System
attention attention-mechanism ctc keras mozilla-deepspeech python speech-recognition speech-to-text teacher-forcing tensorflow2
Last synced: 12 May 2025
https://github.com/minqi/hnatt
Train and visualize Hierarchical Attention Networks
attention attention-mechanism attention-visualization classification-model deep-learning deep-neural-networks hierarchical-model hierarchical-models
Last synced: 19 Jul 2025
https://github.com/Karel911/TRACER
TRACER: Extreme Attention Guided Salient Object Tracing Network (AAAI 2022) implementation in PyTorch
aaai-2022 aaai2022 attention attention-mechanism background-removal image-segmentation pytorch pytorch-implementation salient-object-detection
Last synced: 01 Apr 2025
https://github.com/xlite-dev/ffpa-attn
📚FFPA(Split-D): Extend FlashAttention with Split-D for large headdim, O(1) GPU SRAM complexity, 1.8x~3x↑🎉 faster than SDPA EA.
attention cuda deepseek deepseek-r1 deepseek-v3 flash-attention flash-mla fused-mla mla mlsys sdpa tensor-cores
Last synced: 11 Jun 2025
https://github.com/tlatkowski/multihead-siamese-nets
Implementation of Siamese Neural Networks built upon multihead attention mechanism for text semantic similarity task.
attention deep-architectures deep-learning deep-neural-networks multihead-attention multihead-attention-networks natural-language-processing nlp paraphrase paraphrase-identification python3 quora-question-pairs semantic-similarity sentence-similarity siamese-cnn siamese-lstm siamese-neural-network snli tensorflow text-similarity
Last synced: 13 Apr 2025
https://github.com/johndpope/Emote-hack
Emote Portrait Alive - using ai to reverse engineer code from white paper. (abandoned)
attention ddpm denoise diffusion-models unet
Last synced: 29 Apr 2025