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
lucidrains

lucidrains / vit-pytorch

星标23.74 k
复刻3.37 k


问题
 
Loading

该仓库已收录但尚未编辑。项目介绍及使用教程请前往 GitHub 阅读 README


0 条讨论

登录后发表评论

关于

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
创建时间

2020-10-03

是否国产

否

  修改时间

2025-08-18T01:07:44Z

Readme
相关推荐

语言

  • Python100.0%

lucidrains 的其他开源项目

Phil Wang
DALLE2-pytorch
Phil Wang@lucidrains

#计算机科学#Implementation of DALL-E 2, OpenAI's updated text-to-image synthesis neural network, in Pytorch

人工智能深度学习text-to-image
Python11.31 k
1 年前
Phil Wang
denoising-diffusion-pytorch
Phil Wang@lucidrains

#计算机科学#Implementation of Denoising Diffusion Probabilistic Model in Pytorch

人工智能深度学习generative-modelscore-matching
Python9.82 k
20 天前
Phil Wang
imagen-pytorch
Phil Wang@lucidrains

#计算机科学#Google 文字合成图像神经网络,Imagen Pytorch 的实现

人工智能深度学习text-to-imageimagination-machinetext-to-video
Python8.35 k
1 年前
Phil Wang
PaLM-rlhf-pytorch
Phil Wang@lucidrains

#计算机科学#Implementation of RLHF (Reinforcement Learning with Human Feedback) on top of the PaLM architecture. Basically ChatGPT but with PaLM

人工智能attention-mechanisms深度学习reinforcement-learningtransformers
Python7.85 k
22 天前

您可能感兴趣的

grok-1
@xai-org

大模型Grok-1开源

Python50.42 k
1 年前
Hugging Face
pytorch-image-models
Hugging Face@huggingface

The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT)...

PyTorchresnetpretrained-modelspretrained-weightsdistributed-training
Python35.1 k
16 天前
Open-Sora
@hpcaitech

Open-Sora: 完全开源的高效复现类Sora视频生成方案

Python27.05 k
4 个月前
Google Research
vision_transformer
Google Research@google-research

Jupyter Notebook11.7 k
6 个月前
huggingface/transformers
Hugging Face
transformers
Hugging Face@huggingface

#自然语言处理#为 Jax、PyTorch 和 TensorFlow 打造的先进的自然语言处理

自然语言处理PyTorchpytorch-transformerstransformer
Python148.76 k
8 小时前
Open-Sora-Plan
@PKU-YuanGroup

This project aim to reproduce Sora (Open AI T2V model), we wish the open source community contribute to this project.

Python12.02 k
1 个月前
Phil Wang
x-transformers
Phil Wang@lucidrains

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

人工智能深度学习attention-mechanismtransformers
Python5.52 k
6 天前
mamba
@state-spaces

Mamba SSM architecture

Python15.67 k
5 天前
Microsoft
Swin-Transformer
Microsoft@microsoft

This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".

swin-transformerimage-classificationobject-detectionsemantic-segmentationimagenet
Python15.12 k
1 年前
labmlai/annotated_deep_learning_paper_implementations
annotated_deep_learning_paper_implementations
@labmlai

#计算机科学#59 篇深度学习论文的实现,并带有详细注释。包括 transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 强化学习 (ppo, dqn), capsnet, distillation, ... 🧠

深度学习PyTorchGenerative Adversarial Networktransformers
Python62.74 k
4 天前
Meta Research
DiT存档
@facebookresearch • Meta

Official PyTorch Implementation of "Scalable Diffusion Models with Transformers"

Python7.73 k
1 年前
devika
@stitionai

Devika is an Agentic AI Software Engineer that can understand high-level human instructions, break them down into steps, research relevant information, and write code to achieve the given objective. D...

Python19.4 k
1 年前
OpenHands
@All-Hands-AI

#大语言模型#🙌 OpenHands: Code Less, Make More

agent人工智能大语言模型ChatGPTclaude-ai
Python62.53 k
4 小时前
rasbt/LLMs-from-scratch
Sebastian Raschka
LLMs-from-scratch
Sebastian Raschka@rasbt

#大语言模型#《Build a Large Language Model (From Scratch)》,从零开始使用PyTorch实现一个类似ChatGPT的大型语言模型

ChatGPTgptlarge-language-models大语言模型Python
Jupyter Notebook67.21 k
2 天前
microsoft/generative-ai-for-beginners
Microsoft
generative-ai-for-beginners
Microsoft@microsoft

#大语言模型#微软生成式AI课程,12课时

人工智能ChatGPTdall-egenerativeaigpt
Jupyter Notebook95.68 k
2 天前
VoiceCraft
@jasonppy

Zero-Shot Speech Editing and Text-to-Speech in the Wild

Jupyter Notebook8.36 k
5 个月前
openai/CLIP
OpenAI
CLIP
OpenAI@openai

#计算机科学#CLIP(Contrastive Language-Image Pretraining),根据图像预测最相关的文本片段

深度学习机器学习
Jupyter Notebook30.41 k
1 年前
ollama
@ollama

#大语言模型#本地化搭建和运行 Llama2 和其他大模型

llama大语言模型llama2Go
Go150.85 k
3 小时前
Phil Wang
denoising-diffusion-pytorch
Phil Wang@lucidrains

#计算机科学#Implementation of Denoising Diffusion Probabilistic Model in Pytorch

人工智能深度学习generative-modelscore-matching
Python9.82 k
20 天前
WuZhe
deep-learning-for-image-processing
WuZhe@WZMIAOMIAO

#计算机科学#深度学习在图像处理中的应用教程

PyTorchtensorflow2classificationobject-detection哔哩哔哩
Python25.35 k
7 个月前🇨🇳