GitHub 中文社区
回车: Github搜索    Shift+回车: Google搜索
论坛
排行榜
趋势
登录

©2025 GitHub中文社区论坛GitHub官网网站地图GitHub官方翻译

  • X iconGitHub on X
  • Facebook iconGitHub on Facebook
  • Linkedin iconGitHub on LinkedIn
  • YouTube iconGitHub on YouTube
  • Twitch iconGitHub on Twitch
  • TikTok iconGitHub on TikTok
  • GitHub markGitHub’s organization on GitHub
集合主题趋势排行榜
#

attention-mechanism

Website
Wikipedia
https://static.github-zh.com/github_avatars/lucidrains?size=40
lucidrains / vit-pytorch

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

人工智能attention-mechanismtransformers机器视觉image-classification
Python 23.52 k
4 天前
https://static.github-zh.com/github_avatars/BlinkDL?size=40
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 a...

attention-mechanism深度学习gptgpt-2gpt-3language-modellinear-attentionlstmPyTorchrnntransformertransformersrwkvChatGPT
Python 13.86 k
5 天前
https://static.github-zh.com/github_avatars/brightmart?size=40
brightmart / text_classification

#自然语言处理#all kinds of text classification models and more with deep learning

classification自然语言处理fasttexttextcnntextrnnTensorflowmulti-labelmulti-classattention-mechanismtext-classificationconvolutional-neural-networkssentence-classification
Python 7.93 k
2 年前
https://static.github-zh.com/github_avatars/lucidrains?size=40
lucidrains / DALLE-pytorch

#计算机科学#Implementation / replication of DALL-E, OpenAI's Text to Image Transformer, in Pytorch

人工智能深度学习attention-mechanismtext-to-imagetransformersmulti-modal
Python 5.62 k
1 年前
https://static.github-zh.com/github_avatars/lucidrains?size=40
lucidrains / x-transformers

#计算机科学#A concise but complete full-attention transformer with a set of promising experimental features from various papers

人工智能深度学习attention-mechanismtransformers
Python 5.48 k
21 小时前
kyegomez/swarms
https://static.github-zh.com/github_avatars/kyegomez?size=40
kyegomez / swarms

#大语言模型#The Enterprise-Grade Production-Ready Multi-Agent Orchestration Framework. Website: https://swarms.ai

人工智能attention-mechanismgpt4langchain机器学习multi-modal-imagingmulti-modalitymultimodalswarmstransformer-modelsagentsprompt-engineeringprompt-toolkitpromptingtree-of-thoughtsChatGPTgpt4allhuggingfacelangchain-python
Python 5.07 k
15 小时前
https://static.github-zh.com/github_avatars/cmhungsteve?size=40
cmhungsteve / Awesome-Transformer-Attention

#Awesome#An ultimately comprehensive paper list of Vision Transformer/Attention, including papers, codes, and related websites

transformerattention-mechanismvision-transformer深度学习Awesome Liststransformer-cvtransformer-architecturetransformer-awesometransformer-with-cvtransformer-modelsvisual-transformer机器视觉papersattention-mechanismsself-attentionvitdetrtransformers
4.91 k
1 年前
benedekrozemberczki/awesome-graph-classification
https://static.github-zh.com/github_avatars/benedekrozemberczki?size=40
benedekrozemberczki / awesome-graph-classification

A collection of important graph embedding, classification and representation learning papers with implementations.

graph2vecclassification-algorithmgraph-kernelsweisfeiler-lehmankernel-methodsdeep-graph-kernelsnetlsdgraph-attention-modelgraph-attention-networksstructural-attentionattention-mechanismnode2vecgraph-embeddingnetwork-embeddingnode-embeddinggraph-representation-learningdeepwalkgraph-convolutional-networks
Python 4.79 k
2 年前
https://static.github-zh.com/github_avatars/Kyubyong?size=40
Kyubyong / transformer

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

attention-mechanismtranslationattention-is-all-you-needimplementationtransformer
Python 4.39 k
2 年前
https://static.github-zh.com/github_avatars/PetarV-?size=40
PetarV- / GAT

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

graph-attention-networksattention-mechanismself-attentionTensorflowneural-networksPython
Python 3.4 k
3 年前
https://static.github-zh.com/github_avatars/zzw922cn?size=40
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)

automatic-speech-recognitionpapers路线图rnncnndnnattention-mechanismseq2seqtimit-datasetttslanguage-modelspeaker-verificationspeech-recognitionspeech-synthesis神经网络diffusion-modelssinging-voice-synthesisvoice-conversion
3.06 k
2 年前
https://static.github-zh.com/github_avatars/Diego999?size=40
Diego999 / pyGAT

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

graph-attention-networksattention-mechanismself-attentionPyTorchneural-networksPython
Python 3.05 k
2 年前
https://static.github-zh.com/github_avatars/sgrvinod?size=40
sgrvinod / a-PyTorch-Tutorial-to-Image-Captioning

Show, Attend, and Tell | a PyTorch Tutorial to Image Captioning

PyTorchpytorch-tutorialshow-attend-and-tellimage-captioningencoder-decoderattention-mechanism机器视觉mscoco
Python 2.86 k
3 年前
https://static.github-zh.com/github_avatars/philipperemy?size=40
philipperemy / keras-attention

#计算机科学#Keras Attention Layer (Luong and Bahdanau scores).

Keraskeras-neural-networksattention-mechanismattention-model深度学习
Python 2.81 k
2 年前
gordicaleksa/pytorch-GAT
https://static.github-zh.com/github_avatars/gordicaleksa?size=40
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...

gatgraph-attention-networksattention-mechanismself-attentionPyTorchPythonattentionpytorch-gatgat-tutorial深度学习pytorch-implementationJupyter Notebook
Jupyter Notebook 2.57 k
3 年前
https://static.github-zh.com/github_avatars/linto-ai?size=40
linto-ai / whisper-timestamped

#计算机科学#Multilingual Automatic Speech Recognition with word-level timestamps and confidence

深度学习speechspeech-recognitionspeech-to-textasr机器学习PythonPyTorchattention-is-all-you-needattention-mechanismattention-modelspeaker-diarizationspeech-processingtransformersWhisper
Python 2.53 k
4 个月前
https://static.github-zh.com/github_avatars/lucidrains?size=40
lucidrains / reformer-pytorch

#计算机科学#Reformer, the efficient Transformer, in Pytorch

人工智能transformersattention-mechanism机器学习PyTorch
Python 2.18 k
2 年前
https://static.github-zh.com/github_avatars/lucidrains?size=40
lucidrains / alphafold2

#计算机科学#To eventually become an unofficial Pytorch implementation / replication of Alphafold2, as details of the architecture get released

人工智能深度学习protein-foldingattention-mechanism
Python 1.61 k
3 年前
https://static.github-zh.com/github_avatars/lucidrains?size=40
lucidrains / lambda-networks

#计算机科学#Implementation of LambdaNetworks, a new approach to image recognition that reaches SOTA with less compute

人工智能深度学习机器视觉attention-mechanismattention
Python 1.53 k
5 年前
https://static.github-zh.com/github_avatars/lucidrains?size=40
lucidrains / soundstorm-pytorch

#计算机科学#Implementation of SoundStorm, Efficient Parallel Audio Generation from Google Deepmind, in Pytorch

人工智能audio-generation深度学习non-autoregressivetransformersattention-mechanism
Python 1.52 k
3 个月前
loading...