attention-mechanism
There are 1735 repositories under attention-mechanism topic.
lucidrains/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
BlinkDL/RWKV-LM
RWKV (pronounced RwaKuv) is an RNN with great LLM performance, which can also be directly trained like a GPT transformer (parallelizable). We are at RWKV-7 "Goose". So it's combining the best of RNN and transformer - great performance, linear time, constant space (no kv-cache), fast training, infinite ctx_len, and free sentence embedding.
brightmart/text_classification
all kinds of text classification models and more with deep learning
lucidrains/DALLE-pytorch
Implementation / replication of DALL-E, OpenAI's Text to Image Transformer, in Pytorch
lucidrains/x-transformers
A concise but complete full-attention transformer with a set of promising experimental features from various papers
kyegomez/swarms
The Enterprise-Grade Production-Ready Multi-Agent Orchestration Framework. Website: https://swarms.ai
cmhungsteve/Awesome-Transformer-Attention
An ultimately comprehensive paper list of Vision Transformer/Attention, including papers, codes, and related websites
benedekrozemberczki/awesome-graph-classification
A collection of important graph embedding, classification and representation learning papers with implementations.
Kyubyong/transformer
A TensorFlow Implementation of the Transformer: Attention Is All You Need
PetarV-/GAT
Graph Attention Networks (https://arxiv.org/abs/1710.10903)
zzw922cn/awesome-speech-recognition-speech-synthesis-papers
Automatic Speech Recognition (ASR), Speaker Verification, Speech Synthesis, Text-to-Speech (TTS), Language Modelling, Singing Voice Synthesis (SVS), Voice Conversion (VC)
Diego999/pyGAT
Pytorch implementation of the Graph Attention Network model by Veličković et. al (2017, https://arxiv.org/abs/1710.10903)
sgrvinod/a-PyTorch-Tutorial-to-Image-Captioning
Show, Attend, and Tell | a PyTorch Tutorial to Image Captioning
philipperemy/keras-attention
Keras Attention Layer (Luong and Bahdanau scores).
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!
linto-ai/whisper-timestamped
Multilingual Automatic Speech Recognition with word-level timestamps and confidence
lucidrains/reformer-pytorch
Reformer, the efficient Transformer, in Pytorch
lucidrains/alphafold2
To eventually become an unofficial Pytorch implementation / replication of Alphafold2, as details of the architecture get released
lucidrains/lambda-networks
Implementation of LambdaNetworks, a new approach to image recognition that reaches SOTA with less compute
lucidrains/soundstorm-pytorch
Implementation of SoundStorm, Efficient Parallel Audio Generation from Google Deepmind, in Pytorch
charlesXu86/Chatbot_CN
基于金融-司法领域(兼有闲聊性质)的聊天机器人,其中的主要模块有信息抽取、NLU、NLG、知识图谱等,并且利用Django整合了前端展示,目前已经封装了nlp和kg的restful接口
lucidrains/flamingo-pytorch
Implementation of 🦩 Flamingo, state-of-the-art few-shot visual question answering attention net out of Deepmind, in Pytorch
awslabs/sockeye
Sequence-to-sequence framework with a focus on Neural Machine Translation based on PyTorch
The-AI-Summer/self-attention-cv
Implementation of various self-attention mechanisms focused on computer vision. Ongoing repository.
lucidrains/CoCa-pytorch
Implementation of CoCa, Contrastive Captioners are Image-Text Foundation Models, in Pytorch
lucidrains/perceiver-pytorch
Implementation of Perceiver, General Perception with Iterative Attention, in Pytorch
lucidrains/performer-pytorch
An implementation of Performer, a linear attention-based transformer, in Pytorch
cedrickchee/awesome-transformer-nlp
A curated list of NLP resources focused on Transformer networks, attention mechanism, GPT, BERT, ChatGPT, LLMs, and transfer learning.
SuperBruceJia/EEG-DL
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
richliao/textClassifier
Text classifier for Hierarchical Attention Networks for Document Classification
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.
chengtan9907/OpenSTL
OpenSTL: A Comprehensive Benchmark of Spatio-Temporal Predictive Learning
lucidrains/tab-transformer-pytorch
Implementation of TabTransformer, attention network for tabular data, in Pytorch
atulkum/pointer_summarizer
pytorch implementation of "Get To The Point: Summarization with Pointer-Generator Networks"
yunjey/show-attend-and-tell
TensorFlow Implementation of "Show, Attend and Tell"
lucidrains/RETRO-pytorch
Implementation of RETRO, Deepmind's Retrieval based Attention net, in Pytorch