pytorch-implementation
There are 1985 repositories under pytorch-implementation topic.
zyddnys/manga-image-translator
Translate manga/image 一键翻译各类图片内文字 https://cotrans.touhou.ai/ (no longer working)
aladdinpersson/Machine-Learning-Collection
A resource for learning about Machine learning & Deep Learning
AntixK/PyTorch-VAE
A Collection of Variational Autoencoders (VAE) in PyTorch.
bentrevett/pytorch-seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
christianversloot/machine-learning-articles
🧠💬 Articles I wrote about machine learning, archived from MachineCurve.com.
podgorskiy/ALAE
[CVPR2020] Adversarial Latent Autoencoders
chaofengc/IQA-PyTorch
👁️ 🖼️ 🔥PyTorch Toolbox for Image Quality Assessment, including PSNR, SSIM, LPIPS, FID, NIQE, NRQM(Ma), MUSIQ, TOPIQ, NIMA, DBCNN, BRISQUE, PI and more...
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!
sthalles/SimCLR
PyTorch implementation of SimCLR: A Simple Framework for Contrastive Learning of Visual Representations
MIC-DKFZ/medicaldetectiontoolkit
The Medical Detection Toolkit contains 2D + 3D implementations of prevalent object detectors such as Mask R-CNN, Retina Net, Retina U-Net, as well as a training and inference framework focused on dealing with medical images.
sjtuytc/UnboundedNeRFPytorch
State-of-the-art, simple, fast unbounded / large-scale NeRFs.
dailenson/SDT
This repository is the official implementation of Disentangling Writer and Character Styles for Handwriting Generation (CVPR 2023)
bentrevett/pytorch-image-classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
LibCity/Bigscity-LibCity
LibCity: An Open Library for Urban Spatial-temporal Data Mining
piEsposito/blitz-bayesian-deep-learning
A simple and extensible library to create Bayesian Neural Network layers on PyTorch.
hkproj/pytorch-stable-diffusion
Stable Diffusion implemented from scratch in PyTorch
ddlBoJack/emotion2vec
[ACL 2024] Official PyTorch code for extracting features and training downstream models with emotion2vec: Self-Supervised Pre-Training for Speech Emotion Representation
EvelynFan/FaceFormer
[CVPR 2022] FaceFormer: Speech-Driven 3D Facial Animation with Transformers
zhmiao/OpenLongTailRecognition-OLTR
Pytorch implementation for "Large-Scale Long-Tailed Recognition in an Open World" (CVPR 2019 ORAL)
AviSoori1x/makeMoE
From scratch implementation of a sparse mixture of experts language model inspired by Andrej Karpathy's makemore :)
soobinseo/Transformer-TTS
A Pytorch Implementation of "Neural Speech Synthesis with Transformer Network"
jayroxis/PINNs
PyTorch Implementation of Physics-informed Neural Networks
KarhouTam/FL-bench
Benchmark of federated learning. Dedicated to the community. 🤗
EricGuo5513/text-to-motion
Official implementation for "Generating Diverse and Natural 3D Human Motions from Texts (CVPR2022)."
thohemp/6DRepNet
Official Pytorch implementation of 6DRepNet: 6D Rotation representation for unconstrained head pose estimation.
MIC-DKFZ/nnDetection
nnDetection is a self-configuring framework for 3D (volumetric) medical object detection which can be applied to new data sets without manual intervention. It includes guides for 12 data sets that were used to develop and evaluate the performance of the proposed method.
miguelvr/dropblock
Implementation of DropBlock: A regularization method for convolutional networks in PyTorch.
HavenFeng/photometric_optimization
Photometric optimization code for creating the FLAME texture space and other applications
jackaduma/CycleGAN-VC2
Voice Conversion by CycleGAN (语音克隆/语音转换): CycleGAN-VC2
d-li14/mobilenetv3.pytorch
74.3% MobileNetV3-Large and 67.2% MobileNetV3-Small model on ImageNet
liusongxiang/StarGAN-Voice-Conversion
This is a pytorch implementation of the paper: StarGAN-VC: Non-parallel many-to-many voice conversion with star generative adversarial networks
changzy00/pytorch-attention
🦖Pytorch implementation of popular Attention Mechanisms, Vision Transformers, MLP-Like models and CNNs.🔥🔥🔥
eagle705/pytorch-bert-crf-ner
KoBERT와 CRF로 만든 한국어 개체명인식기 (BERT+CRF based Named Entity Recognition model for Korean)
d-li14/efficientnetv2.pytorch
PyTorch implementation of EfficientNetV2 family
changjonathanc/minLoRA
minLoRA: a minimal PyTorch library that allows you to apply LoRA to any PyTorch model.
vaibhawvipul/First-steps-towards-Deep-Learning
This is an open sourced book on deep learning.