pytorch-implmention
There are 183 repositories under pytorch-implmention topic.
bentrevett/pytorch-seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
dsgiitr/d2l-pytorch
This project reproduces the book Dive Into Deep Learning (https://d2l.ai/), adapting the code from MXNet into PyTorch.
avinashpaliwal/Super-SloMo
PyTorch implementation of Super SloMo by Jiang et al.
ayooshkathuria/YOLO_v3_tutorial_from_scratch
Accompanying code for Paperspace tutorial series "How to Implement YOLO v3 Object Detector from Scratch"
nikhilbarhate99/PPO-PyTorch
Minimal implementation of clipped objective Proximal Policy Optimization (PPO) in PyTorch
bentrevett/pytorch-image-classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
atulkum/pointer_summarizer
pytorch implementation of "Get To The Point: Summarization with Pointer-Generator Networks"
lonePatient/Bert-Multi-Label-Text-Classification
This repo contains a PyTorch implementation of a pretrained BERT model for multi-label text classification.
cszn/DPSR
Deep Plug-and-Play Super-Resolution for Arbitrary Blur Kernels (CVPR, 2019) (PyTorch)
pranz24/pytorch-soft-actor-critic
PyTorch implementation of soft actor critic
jnhwkim/ban-vqa
Bilinear attention networks for visual question answering
tomguluson92/StyleGAN_PyTorch
The implementation of StyleGAN on PyTorch 1.0.1
Naman-ntc/Pytorch-Human-Pose-Estimation
Implementation of various human pose estimation models in pytorch on multiple datasets (MPII & COCO) along with pretrained models
TianhongDai/hindsight-experience-replay
This is the pytorch implementation of Hindsight Experience Replay (HER) - Experiment on all fetch robotic environments.
huangzh13/StyleGAN.pytorch
A PyTorch implementation for StyleGAN with full features.
Hsuxu/Loss_ToolBox-PyTorch
PyTorch Implementation of Focal Loss and Lovasz-Softmax Loss
mx-mark/VideoTransformer-pytorch
PyTorch implementation of a collections of scalable Video Transformer Benchmarks.
bentrevett/pytorch-rl
Tutorials for reinforcement learning in PyTorch and Gym by implementing a few of the popular algorithms. [IN PROGRESS]
hpzhao/SummaRuNNer
The PyTorch Implementation of SummaRuNNer
emadRad/lstm-gru-pytorch
LSTM and GRU in PyTorch
huguyuehuhu/HCN-pytorch
A pytorch reproduction of { Co-occurrence Feature Learning from Skeleton Data for Action Recognition and Detection with Hierarchical Aggregation }.
bat67/pytorch-FCN-easiest-demo
PyTorch Implementation of Fully Convolutional Networks (a very simple and easy demo).
srviest/char-cnn-text-classification-pytorch
Character-level Convolutional Neural Networks for text classification in PyTorch
yunlongdong/FCN-pytorch
Another pytorch implementation of FCN (Fully Convolutional Networks)
walsvid/CoordConv
Pytorch implementation of "An intriguing failing of convolutional neural networks and the CoordConv solution" - https://arxiv.org/abs/1807.03247
Deepayan137/DeepClustering
A pytorch implementation of the paper Unsupervised Deep Embedding for Clustering Analysis.
sheffieldnlp/naacl2018-fever
Fact Extraction and VERification baseline published in NAACL2018
lwpyr/CSP-pedestrian-detection-in-pytorch
Unofficially Pytorch implementation of High-level Semantic Feature Detection: A New Perspective for Pedestrian Detection
JH-LEE-KR/dualprompt-pytorch
PyTorch Implementation of DualPrompt: Complementary Prompting for Rehearsal-free Continual Learning @ ECCV22
DLHacks/mocogan
A pytorch implemention of MoCoGAN
nikhilbarhate99/TD3-PyTorch-BipedalWalker-v2
Twin Delayed DDPG (TD3) PyTorch solution for Roboschool and Box2d environment
alokwhitewolf/Pytorch-Attention-Guided-CycleGAN
Pytorch implementation of Unsupervised Attention-guided Image-to-Image Translation.
odie2630463/WaveNet
Pytorch implement WaveNet
pcyin/pytorch_basic_nmt
A simple yet strong implementation of neural machine translation in pytorch
avilash/pytorch-siamese-triplet
One-Shot Learning with Triplet CNNs in Pytorch
anshulpaigwar/Attentional-PointNet
Attentional-PointNet is Deep-Neural-Network architecture for 3D object detection in point clouds