Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

Projects in Awesome Lists tagged with attention-mechanism

A curated list of projects in awesome lists tagged with attention-mechanism .

https://github.com/lucidrains/vit-pytorch

Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch

artificial-intelligence attention-mechanism computer-vision image-classification transformers

Last synced: 16 Dec 2024

https://github.com/blinkdl/rwkv-lm

RWKV is an RNN with transformer-level LLM performance. It can be directly trained like a GPT (parallelizable). So it's combining the best of RNN and transformer - great performance, fast inference, saves VRAM, fast training, "infinite" ctx_len, and free sentence embedding.

attention-mechanism chatgpt deep-learning gpt gpt-2 gpt-3 language-model linear-attention lstm pytorch rnn rwkv transformer transformers

Last synced: 16 Dec 2024

https://github.com/BlinkDL/RWKV-LM

RWKV is an RNN with transformer-level LLM performance. It can be directly trained like a GPT (parallelizable). So it's combining the best of RNN and transformer - great performance, fast inference, saves VRAM, fast training, "infinite" ctx_len, and free sentence embedding.

attention-mechanism chatgpt deep-learning gpt gpt-2 gpt-3 language-model linear-attention lstm pytorch rnn rwkv transformer transformers

Last synced: 28 Oct 2024

https://github.com/lucidrains/dalle-pytorch

Implementation / replication of DALL-E, OpenAI's Text to Image Transformer, in Pytorch

artificial-intelligence attention-mechanism deep-learning multi-modal text-to-image transformers

Last synced: 17 Dec 2024

https://github.com/lucidrains/DALLE-pytorch

Implementation / replication of DALL-E, OpenAI's Text to Image Transformer, in Pytorch

artificial-intelligence attention-mechanism deep-learning multi-modal text-to-image transformers

Last synced: 26 Oct 2024

https://github.com/lucidrains/x-transformers

A concise but complete full-attention transformer with a set of promising experimental features from various papers

artificial-intelligence attention-mechanism deep-learning transformers

Last synced: 16 Dec 2024

https://github.com/kyubyong/transformer

A TensorFlow Implementation of the Transformer: Attention Is All You Need

attention-is-all-you-need attention-mechanism implementation transformer translation

Last synced: 19 Dec 2024

https://github.com/Kyubyong/transformer

A TensorFlow Implementation of the Transformer: Attention Is All You Need

attention-is-all-you-need attention-mechanism implementation transformer translation

Last synced: 06 Nov 2024

https://github.com/petarv-/gat

Graph Attention Networks (https://arxiv.org/abs/1710.10903)

attention-mechanism graph-attention-networks neural-networks python self-attention tensorflow

Last synced: 20 Dec 2024

https://github.com/PetarV-/GAT

Graph Attention Networks (https://arxiv.org/abs/1710.10903)

attention-mechanism graph-attention-networks neural-networks python self-attention tensorflow

Last synced: 28 Oct 2024

https://github.com/diego999/pygat

Pytorch implementation of the Graph Attention Network model by Veličković et. al (2017, https://arxiv.org/abs/1710.10903)

attention-mechanism graph-attention-networks neural-networks python pytorch self-attention

Last synced: 20 Dec 2024

https://github.com/Diego999/pyGAT

Pytorch implementation of the Graph Attention Network model by Veličković et. al (2017, https://arxiv.org/abs/1710.10903)

attention-mechanism graph-attention-networks neural-networks python pytorch self-attention

Last synced: 28 Oct 2024

https://github.com/philipperemy/keras-attention

Keras Attention Layer (Luong and Bahdanau scores).

attention-mechanism attention-model deep-learning keras keras-neural-networks

Last synced: 20 Dec 2024

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: 21 Dec 2024

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: 12 Nov 2024

https://github.com/kyegomez/swarms

The Enterprise-Grade Production-Ready Multi-Agent Orchestration Framework Join our Community: https://discord.com/servers/agora-999382051935506503

agents ai artificial-intelligence attention-mechanism chatgpt gpt4 gpt4all huggingface langchain langchain-python machine-learning multi-modal-imaging multi-modality multimodal prompt-engineering prompt-toolkit prompting swarms transformer-models tree-of-thoughts

Last synced: 17 Dec 2024

https://github.com/lucidrains/alphafold2

To eventually become an unofficial Pytorch implementation / replication of Alphafold2, as details of the architecture get released

artificial-intelligence attention-mechanism deep-learning protein-folding

Last synced: 19 Dec 2024

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: 20 Dec 2024

https://github.com/lucidrains/soundstorm-pytorch

Implementation of SoundStorm, Efficient Parallel Audio Generation from Google Deepmind, in Pytorch

artificial-intelligence attention-mechanism audio-generation deep-learning non-autoregressive transformers

Last synced: 18 Dec 2024

https://github.com/charlesXu86/Chatbot_CN

基于金融-司法领域(兼有闲聊性质)的聊天机器人,其中的主要模块有信息抽取、NLU、NLG、知识图谱等,并且利用Django整合了前端展示,目前已经封装了nlp和kg的restful接口

attention-mechanism chatbot-cn deep-learning dialogue-systems django-restful intent-detection ir knowledge-graph ner nlg nlu oriented-dialogs recommendation reinforcement-learning sentiment-analysis slot-filling tenserflow-serving tensorflow text-classification text-correct

Last synced: 06 Nov 2024

https://github.com/lucidrains/flamingo-pytorch

Implementation of 🦩 Flamingo, state-of-the-art few-shot visual question answering attention net out of Deepmind, in Pytorch

artificial-intelligence attention-mechanism deep-learning transformers visual-question-answering

Last synced: 21 Dec 2024

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: 16 Dec 2024

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: 15 Nov 2024

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: 20 Dec 2024

https://github.com/lucidrains/perceiver-pytorch

Implementation of Perceiver, General Perception with Iterative Attention, in Pytorch

artificial-intelligence attention-mechanism deep-learning

Last synced: 20 Dec 2024

https://github.com/lucidrains/coca-pytorch

Implementation of CoCa, Contrastive Captioners are Image-Text Foundation Models, in Pytorch

artificial-intelligence attention-mechanism contrastive-learning deep-learning image-to-text multimodal transformers

Last synced: 21 Dec 2024

https://github.com/richliao/textClassifier

Text classifier for Hierarchical Attention Networks for Document Classification

attention-mechanism convolutional-neural-networks hierarchical-attention-networks recurrent-neural-networks text-classification

Last synced: 06 Nov 2024

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: 18 Dec 2024

https://github.com/lucidrains/retro-pytorch

Implementation of RETRO, Deepmind's Retrieval based Attention net, in Pytorch

artificial-intelligence attention-mechanism deep-learning retrieval transformers

Last synced: 21 Dec 2024

https://github.com/lucidrains/RETRO-pytorch

Implementation of RETRO, Deepmind's Retrieval based Attention net, in Pytorch

artificial-intelligence attention-mechanism deep-learning retrieval transformers

Last synced: 04 Nov 2024

https://github.com/lucidrains/palm-pytorch

Implementation of the specific Transformer architecture from PaLM - Scaling Language Modeling with Pathways

artificial-general-intelligence attention-mechanism deep-learning transformers

Last synced: 21 Dec 2024

https://github.com/lucidrains/PaLM-pytorch

Implementation of the specific Transformer architecture from PaLM - Scaling Language Modeling with Pathways

artificial-general-intelligence attention-mechanism deep-learning transformers

Last synced: 27 Nov 2024

https://github.com/lucidrains/tab-transformer-pytorch

Implementation of TabTransformer, attention network for tabular data, in Pytorch

artificial-intelligence attention-mechanism deep-learning tabular-data transformer

Last synced: 20 Dec 2024

https://github.com/positive666/yolo_research

based on yolo-high-level project (detect\pose\classify\segment\):include yolov5\yolov7\yolov8\ core ,improvement research ,SwintransformV2 and Attention Series. training skills, business customization, engineering deployment C

attention-mechanism custom-networ deepstream object-detection pytorch swintransformer yolov5 yolov7 yolov8

Last synced: 09 Nov 2024

https://github.com/ibrahimjelliti/Deeplearning.ai-Natural-Language-Processing-Specialization

This repository contains my full work and notes on Coursera's NLP Specialization (Natural Language Processing) taught by the instructor Younes Bensouda Mourri and Łukasz Kaiser offered by deeplearning.ai

attention-mechanism coursera deep-learning deeplearning-ai encoder-decoder logistic-regression machine-learning naive-bayes neural neural-networks nlp probabilistic-models sequence-models specialization

Last synced: 26 Nov 2024

https://github.com/lucidrains/linear-attention-transformer

Transformer based on a variant of attention that is linear complexity in respect to sequence length

artificial-intelligence attention-mechanism deep-learning pytorch transformer

Last synced: 21 Dec 2024

https://github.com/lucidrains/timesformer-pytorch

Implementation of TimeSformer from Facebook AI, a pure attention-based solution for video classification

artificial-intelligence attention-mechanism deep-learning transformers video-classification

Last synced: 15 Dec 2024

https://github.com/lucidrains/TimeSformer-pytorch

Implementation of TimeSformer from Facebook AI, a pure attention-based solution for video classification

artificial-intelligence attention-mechanism deep-learning transformers video-classification

Last synced: 23 Nov 2024

https://github.com/swz30/mirnet

[ECCV 2020] Learning Enriched Features for Real Image Restoration and Enhancement. SOTA results for image denoising, super-resolution, and image enhancement.

attention-mechanism computer-vision eccv2020 image-denoising image-enhancement image-restoration low-level-vision multi-resolution-streams pytorch super-resolution

Last synced: 18 Dec 2024

https://github.com/swz30/MIRNet

[ECCV 2020] Learning Enriched Features for Real Image Restoration and Enhancement. SOTA results for image denoising, super-resolution, and image enhancement.

attention-mechanism computer-vision eccv2020 image-denoising image-enhancement image-restoration low-level-vision multi-resolution-streams pytorch super-resolution

Last synced: 03 Nov 2024

https://github.com/Canjie-Luo/MORAN_v2

MORAN: A Multi-Object Rectified Attention Network for Scene Text Recognition

attention-mechanism image-deformation image-rectification scene-text scene-text-recognition

Last synced: 26 Oct 2024

https://github.com/lucidrains/memorizing-transformers-pytorch

Implementation of Memorizing Transformers (ICLR 2022), attention net augmented with indexing and retrieval of memories using approximate nearest neighbors, in Pytorch

approximate-nearest-neighbors artificial-intelligence attention-mechanism deep-learning memory retrieval transformers

Last synced: 15 Dec 2024

https://github.com/lucidrains/point-transformer-pytorch

Implementation of the Point Transformer layer, in Pytorch

artificial-intelligence attention-mechanism deep-learning point-cloud

Last synced: 18 Dec 2024

https://github.com/lucidrains/nuwa-pytorch

Implementation of NÜWA, state of the art attention network for text to video synthesis, in Pytorch

artificial-intelligence attention-mechanism deep-learning text-to-audio text-to-video transformers

Last synced: 15 Dec 2024

https://github.com/lucidrains/parti-pytorch

Implementation of Parti, Google's pure attention-based text-to-image neural network, in Pytorch

artificial-intelligence attention-mechanism deep-learning text-to-image transformers

Last synced: 16 Dec 2024

https://github.com/prs-eth/overlappredator

[CVPR 2021, Oral] PREDATOR: Registration of 3D Point Clouds with Low Overlap.

3dvision attention-mechanism point-cloud registration transformer

Last synced: 21 Dec 2024

https://github.com/HaloTrouvaille/YOLO-Multi-Backbones-Attention

Model Compression—YOLOv3 with multi lightweight backbones(ShuffleNetV2 HuaWei GhostNet), attention, prune and quantization

attention-mechanism cbam eca huawei-ghostnet object-detection-datasets se shufflenet yolo

Last synced: 09 Nov 2024

https://github.com/lucidrains/ring-attention-pytorch

Implementation of 💍 Ring Attention, from Liu et al. at Berkeley AI, in Pytorch

attention-mechanism distributed-attention efficient-attention long-context

Last synced: 20 Dec 2024

https://github.com/prs-eth/OverlapPredator

[CVPR 2021, Oral] PREDATOR: Registration of 3D Point Clouds with Low Overlap.

3dvision attention-mechanism point-cloud registration transformer

Last synced: 28 Oct 2024

https://github.com/danielegrattarola/keras-gat

Keras implementation of the graph attention networks (GAT) by Veličković et al. (2017; https://arxiv.org/abs/1710.10903)

attention-mechanism cora-dataset deep-learning graph graph-attention-networks keras python

Last synced: 15 Dec 2024

https://github.com/sinAshish/Multi-Scale-Attention

Code for our paper "Multi-scale Guided Attention for Medical Image Segmentation"

attention-mechanism biomedical-image-analysis deep-learning encoder-decoder pytorch

Last synced: 15 Nov 2024

https://github.com/conceptofmind/lamda-rlhf-pytorch

Open-source pre-training implementation of Google's LaMDA in PyTorch. Adding RLHF similar to ChatGPT.

artificial-intelligence attention-mechanism deep-learning human-feedback machine-learning reinforcement-learning transformers

Last synced: 09 Nov 2024

https://github.com/conceptofmind/LaMDA-rlhf-pytorch

Open-source pre-training implementation of Google's LaMDA in PyTorch. Adding RLHF similar to ChatGPT.

artificial-intelligence attention-mechanism deep-learning human-feedback machine-learning reinforcement-learning transformers

Last synced: 31 Oct 2024

https://github.com/lucidrains/enformer-pytorch

Implementation of Enformer, Deepmind's attention network for predicting gene expression, in Pytorch

artificial-intelligence attention-mechanism deep-learning dna-sequences gene-expression genomics transformer

Last synced: 19 Dec 2024

https://github.com/zhenye-na/da-rnn

📃 𝖀𝖓𝖔𝖋𝖋𝖎𝖈𝖎𝖆𝖑 PyTorch Implementation of DA-RNN (arXiv:1704.02971)

attention-mechanism deep-learning lstm-neural-networks paper-implementations recurrent-neural-networks rnn-pytorch

Last synced: 16 Dec 2024

https://github.com/lucidrains/slot-attention

Implementation of Slot Attention from GoogleAI

artificial-intelligence attention-mechanism clustering deep-learning

Last synced: 20 Dec 2024

https://github.com/landskape-ai/triplet-attention

Official PyTorch Implementation for "Rotate to Attend: Convolutional Triplet Attention Module." [WACV 2021]

arxiv attention-mechanism attention-mechanisms computer-vision convolutional-neural-networks deep-learning detection gradcam imagenet paper triplet-attention

Last synced: 15 Nov 2024

https://github.com/kyegomez/rt-2

Democratization of RT-2 "RT-2: New model translates vision and language into action"

artificial-intelligence attention-mechanism embodied-agent gpt4 multi-modal robotics transformer

Last synced: 21 Dec 2024

https://github.com/kyegomez/MultiModalMamba

A novel implementation of fusing ViT with Mamba into a fast, agile, and high performance Multi-Modal Model. Powered by Zeta, the simplest AI framework ever.

ai artificial-intelligence attention-mechanism machine-learning mamba ml pytorch ssm torch transformer-architecture transformers zeta

Last synced: 30 Oct 2024

https://github.com/kyegomez/multimodalmamba

A novel implementation of fusing ViT with Mamba into a fast, agile, and high performance Multi-Modal Model. Powered by Zeta, the simplest AI framework ever.

ai artificial-intelligence attention-mechanism machine-learning mamba ml pytorch ssm torch transformer-architecture transformers zeta

Last synced: 20 Dec 2024

https://github.com/justchenhao/STANet

official implementation of the spatial-temporal attention neural network (STANet) for remote sensing image change detection

attention-mechanism change-detection contrastive-loss dataset remote-sensing siamese-neural-network

Last synced: 01 Nov 2024

https://github.com/lucidrains/memory-efficient-attention-pytorch

Implementation of a memory efficient multi-head attention as proposed in the paper, "Self-attention Does Not Need O(n²) Memory"

artificial-intelligence attention-mechanism deep-learning memory-efficient

Last synced: 18 Dec 2024

https://github.com/lucidrains/axial-attention

Implementation of Axial attention - attending to multi-dimensional data efficiently

artificial-intelligence attention-mechanism deep-learning pytorch

Last synced: 21 Dec 2024

https://github.com/lucidrains/flash-pytorch

Implementation of the Transformer variant proposed in "Transformer Quality in Linear Time"

artificial-intelligence attention-mechanism deep-learning efficient-transformers transformers

Last synced: 21 Dec 2024

https://github.com/lucidrains/FLASH-pytorch

Implementation of the Transformer variant proposed in "Transformer Quality in Linear Time"

artificial-intelligence attention-mechanism deep-learning efficient-transformers transformers

Last synced: 16 Nov 2024

https://github.com/lucidrains/segformer-pytorch

Implementation of Segformer, Attention + MLP neural network for segmentation, in Pytorch

artificial-intelligence attention-mechanism deep-learning image-segmentation multilayer-perceptron segmentation

Last synced: 21 Dec 2024

https://github.com/jiasenlu/AdaptiveAttention

Implementation of "Knowing When to Look: Adaptive Attention via A Visual Sentinel for Image Captioning"

attention-mechanism image-captioning torch

Last synced: 27 Nov 2024

https://github.com/jiasenlu/adaptiveattention

Implementation of "Knowing When to Look: Adaptive Attention via A Visual Sentinel for Image Captioning"

attention-mechanism image-captioning torch

Last synced: 17 Dec 2024

https://github.com/soskek/attention_is_all_you_need

Transformer of "Attention Is All You Need" (Vaswani et al. 2017) by Chainer.

attention-mechanism chainer deep-learning deep-neural-networks google neural-network

Last synced: 18 Dec 2024

https://github.com/nvidia/star-attention

Efficient LLM Inference over Long Sequences

attention-mechanism large-language-models llm-inference

Last synced: 18 Dec 2024

https://github.com/smousavi05/EQTransformer

EQTransformer, a python package for earthquake signal detection and phase picking using AI.

attention-mechanism deep-learning detection earthquakes global lstm-neural-networks multi-task-learning neural-network phase-picking stead transformer

Last synced: 15 Nov 2024

https://github.com/lucidrains/deformable-attention

Implementation of Deformable Attention in Pytorch from the paper "Vision Transformer with Deformable Attention"

artificial-intelligence attention-mechanism deep-learning

Last synced: 20 Dec 2024

https://github.com/lucidrains/routing-transformer

Fully featured implementation of Routing Transformer

artificial-intelligence attention-mechanism deep-learning pytorch transformer

Last synced: 22 Dec 2024

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: 21 Dec 2024