attention
There are 1123 repositories under attention topic.
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, ... 🧠
ddbourgin/numpy-ml
Machine learning, in numpy
graykode/nlp-tutorial
Natural Language Processing Tutorial for Deep Learning Researchers
xmu-xiaoma666/External-Attention-pytorch
🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐
jadore801120/attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
bentrevett/pytorch-seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
km1994/nlp_paper_study
该仓库主要记录 NLP 算法工程师相关的顶会论文研读笔记
google-research/scenic
Scenic: A Jax Library for Computer Vision Research and Beyond
hyunwoongko/transformer
Transformer: PyTorch Implementation of "Attention Is All You Need"
anseki/leader-line
Draw a leader line in your web page.
iscyy/yoloair
🔥🔥🔥 专注于YOLOv5,YOLOv7、YOLOv8、YOLOv9改进模型,Support to improve backbone, neck, head, loss, IoU, NMS and other modules🚀
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!
songyouwei/ABSA-PyTorch
Aspect Based Sentiment Analysis, PyTorch Implementations. 基于方面的情感分析,使用PyTorch实现。
mesolitica/NLP-Models-Tensorflow
Gathers machine learning and Tensorflow deep learning models for NLP problems, 1.13 < Tensorflow < 2.0
argusswift/YOLOv4-pytorch
This is a pytorch repository of YOLOv4, attentive YOLOv4 and mobilenet YOLOv4 with PASCAL VOC and COCO
lucidrains/lambda-networks
Implementation of LambdaNetworks, a new approach to image recognition that reaches SOTA with less compute
szagoruyko/attention-transfer
Improving Convolutional Networks via Attention Transfer (ICLR 2017)
dorarad/gansformer
Generative Adversarial Transformers
pprp/SimpleCVReproduction
Replication of simple CV Projects including attention, classification, detection, keypoint detection, etc.
The-AI-Summer/self-attention-cv
Implementation of various self-attention mechanisms focused on computer vision. Ongoing repository.
lucidrains/performer-pytorch
An implementation of Performer, a linear attention-based transformer, in Pytorch
houqb/CoordAttention
Code for our CVPR2021 paper coordinate attention
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.
kevinzakka/spatial-transformer-network
A Tensorflow implementation of Spatial Transformer Networks.
Separius/awesome-fast-attention
list of efficient attention modules
MorvanZhou/NLP-Tutorials
Simple implementations of NLP models. Tutorials are written in Chinese on my website https://mofanpy.com
graphdeeplearning/graphtransformer
Graph Transformer Architecture. Source code for "A Generalization of Transformer Networks to Graphs", DLG-AAAI'21.
jtkim-kaist/VAD
Voice activity detection (VAD) toolkit including DNN, bDNN, LSTM and ACAM based VAD. We also provide our directly recorded dataset.
lucidrains/transfusion-pytorch
Pytorch implementation of Transfusion, "Predict the Next Token and Diffuse Images with One Multi-Modal Model", from MetaAI
jeya-maria-jose/Medical-Transformer
Official Pytorch Code for "Medical Transformer: Gated Axial-Attention for Medical Image Segmentation" - MICCAI 2021
kaituoxu/Speech-Transformer
A PyTorch implementation of Speech Transformer, an End-to-End ASR with Transformer network on Mandarin Chinese.
buppt/ChineseNRE
中文实体关系抽取,pytorch,bilstm+attention
ilivans/tf-rnn-attention
Tensorflow implementation of attention mechanism for text classification tasks.
TobiasLee/Text-Classification
Implementation of papers for text classification task on DBpedia
google-research/long-range-arena
Long Range Arena for Benchmarking Efficient Transformers
hellonlp/classifier-multi-label
多标签文本分类,多标签分类,文本分类, multi-label, classifier, text classification, BERT, seq2seq,attention, multi-label-classification