There are 28 repositories under pytorch-implementation topic.
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
A resource for learning about ML, DL, PyTorch and TensorFlow. Feedback always appreciated :)
A Collection of Variational Autoencoders (VAE) in PyTorch.
[CVPR2020] Adversarial Latent Autoencoders
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!
PyTorch implementation of SimCLR: A Simple Framework for Contrastive Learning of Visual Representations
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.
Pytorch implementation for "Large-Scale Long-Tailed Recognition in an Open World" (CVPR 2019 ORAL)
A simple and extensible library to create Bayesian Neural Network layers on PyTorch.
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Implementation of DropBlock: A regularization method for convolutional networks in PyTorch.
🧠💬 Articles I wrote about machine learning, archived from MachineCurve.com.
A Pytorch Implementation of "Neural Speech Synthesis with Transformer Network"
This is an open sourced book on deep learning.
This is a pytorch implementation of the paper: StarGAN-VC: Non-parallel many-to-many voice conversion with star generative adversarial networks
Pytorch Tutorial, Pytorch with Google Colab, Pytorch Implementations: CNN, RNN, DCGAN, Transfer Learning, Chatbot, Pytorch Sample Codes
74.3% MobileNetV3-Large and 67.2% MobileNetV3-Small model on ImageNet
KoBERT와 CRF로 만든 한국어 개체명인식기 (BERT+CRF based Named Entity Recognition model for Korean)
An implementation of the DeepMind's AlphaFold based on PyTorch for research
LibCity: An Open Library for Urban Spatio-temporal Data Mining
PyTorch implementation of EfficientNetV2 family
Translate manga/image 一键翻译各类图片内文字 https://touhou.ai/imgtrans/
IJCAI2020 & IJCV 2021 :city_sunrise: Unsupervised Scene Adaptation with Memory Regularization in vivo
Unofficial PyTorch implementation of BlazeFace
Reference ImageNet implementation of SelecSLS CNN architecture proposed in the SIGGRAPH 2020 paper "XNect: Real-time Multi-Person 3D Motion Capture with a Single RGB Camera". The repository also includes code for pruning the model based on implicit sparsity emerging from adaptive gradient descent methods, as detailed in the CVPR 2019 paper "On implicit filter level sparsity in Convolutional Neural Networks".
The official implementation of CFBI(+): Collaborative Video Object Segmentation by (Multi-scale) Foreground-Background Integration.
Sentiment analysis neural network trained by fine-tuning BERT, ALBERT, or DistilBERT on the Stanford Sentiment Treebank.
Voice Conversion by CycleGAN (语音克隆/语音转换): CycleGAN-VC2
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.
Photometric optimization code for creating the FLAME texture space and other applications
A PyTorch implementation for StyleGAN with full features.
PyTorch implementation of Octave Convolution with pre-trained Oct-ResNet and Oct-MobileNet models
Unofficial PyTorch implementation of "RTM3D: Real-time Monocular 3D Detection from Object Keypoints for Autonomous Driving" (ECCV 2020)
A PyTorch Implementation of "Everybody Dance Now" from Berkeley AI lab.
accepted by IEEE TNNLS, transformer, multi-graph transformer, graph, graph classification, sketch recognition, sketch classification, free-hand sketch, official code of the paper "Multi-Graph Transformer for Free-Hand Sketch Recognition"
(ECCV2020 Workshops) Efficient Image Super-Resolution Using Pixel Attention.