-
Updated
Sep 6, 2020 - Jupyter Notebook
#
pytorch-implmention
Here are 169 public repositories matching this topic...
This project reproduces the book Dive Into Deep Learning (www.d2l.ai), adapting the code from MXNet into PyTorch.
nlp
data-science
computer-vision
deep-learning
mxnet
book
pytorch
d2l
pytorch-implmention
dive-into-deep-learning
PyTorch implementation of Super SloMo by Jiang et al.
deep-neural-networks
deep-learning
pytorch
dataset
convolutional-neural-networks
slow-motion
pytorch-implmention
frame-interpolation
video-frame-interpolation
super-slomo
slomo
-
Updated
Aug 20, 2020 - Python
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
tutorial
pytorch
transformer
lstm
gru
rnn
seq2seq
attention
neural-machine-translation
sequence-to-sequence
encoder-decoder
pytorch-tutorial
pytorch-tutorials
encoder-decoder-model
pytorch-implmention
pytorch-nlp
torchtext
pytorch-implementation
pytorch-seq2seq
cnn-seq2seq
-
Updated
Jun 1, 2020 - Jupyter Notebook
Accompanying code for Paperspace tutorial series "How to Implement YOLO v3 Object Detector from Scratch"
-
Updated
Nov 17, 2019 - Python
Deep Plug-and-Play Super-Resolution for Arbitrary Blur Kernels (CVPR, 2019) (PyTorch)
-
Updated
Sep 3, 2020 - Python
Bilinear attention networks for visual question answering
-
Updated
Jun 15, 2020 - Python
This repo contains a PyTorch implementation of a pretrained BERT model for multi-label text classification.
nlp
text-classification
transformers
pytorch
multi-label-classification
albert
bert
fine-tuning
pytorch-implmention
xlnet
-
Updated
Jul 31, 2020 - Python
The implementation of StyleGAN on PyTorch 1.0.1
-
Updated
Jun 28, 2020 - Python
Implementation of various human pose estimation models in pytorch on multiple datasets (MPII & COCO) along with pretrained models
deep-learning
pytorch
coco
human-pose-estimation
pretrained-models
pose-estimation
prm
mpii
stacked-hourglass-networks
keypoints-detector
hourglass-network
pytorch-implmention
coco-dataset
deeppose
chained-prediction
-
Updated
Jul 29, 2019 - Python
PyTorch implementation of soft actor critic
-
Updated
Jul 11, 2020 - Python
Minimal implementation of clipped objective Proximal Policy Optimization (PPO) in PyTorch
deep-reinforcement-learning
pytorch
policy-gradient
reinforcement-learning-algorithms
pytorch-tutorial
proximal-policy-optimization
ppo
pytorch-implmention
-
Updated
Jul 16, 2020 - Python
The PyTorch Implementation of SummaRuNNer
-
Updated
Jul 8, 2019 - Python
PyTorch Implementation of Focal Loss and Lovasz-Softmax Loss
-
Updated
Jul 21, 2020 - Jupyter Notebook
A pytorch reproduction of { Co-occurrence Feature Learning from Skeleton Data for Action Recognition and Detection with Hierarchical Aggregation }.
-
Updated
Sep 15, 2020 - Python
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
tutorial
cnn
pytorch
vgg
lenet
image-classification
resnet
alexnet
convolutional-networks
convolutional-neural-networks
convolutional-neural-network
pytorch-tutorial
pytorch-tutorials
pytorch-cnn
pytorch-implmention
torchvision
pytorch-implementation
-
Updated
Aug 26, 2020 - Jupyter Notebook
Another pytorch implementation of FCN (Fully Convolutional Networks)
-
Updated
Dec 23, 2018 - Python
Character-level Convolutional Neural Networks for text classification in PyTorch
-
Updated
Apr 12, 2019 - Python
PyTorch Implementation of Fully Convolutional Networks (a very simple and easy demo).
-
Updated
Feb 3, 2019 - Python
akanimax
commented
Nov 3, 2019
At the outset, this is a great implementation of StyleGAN in PyTorch. I really like the way the modules are structured.
This is more of a suggestion from my side:
Seems like you are not sanitizing your gradients in the code. Please check this from the official StyleGAN implementation.
I am currently
This is the pytorch implementation of Hindsight Experience Replay (HER) - Experiment on all fetch robotic environments.
reinforcement-learning
exploration
ddpg
her
pytorch-implmention
off-policy
hindsight-experience-replay
-
Updated
Jul 26, 2019 - Python
Unofficially Pytorch implementation of High-level Semantic Feature Detection: A New Perspective for Pedestrian Detection
-
Updated
Jun 28, 2019 - Python
LSTM and GRU in PyTorch
-
Updated
Jan 20, 2019 - Jupyter Notebook
A pytorch implemention of MoCoGAN
-
Updated
Oct 18, 2017 - Python
Fact Extraction and VERification baseline published in NAACL2018
information-retrieval
wikipedia
evaluation
verification
fever
pytorch
information-extraction
baseline
drqa
pytorch-implmention
evidence-retrieval
-
Updated
Apr 18, 2019 - Python
Pytorch implementation of GCN architecture for semantic segmentation
-
Updated
Apr 1, 2019 - Python
Pytorch implementation of "An intriguing failing of convolutional neural networks and the CoordConv solution" - https://arxiv.org/abs/1807.03247
-
Updated
Feb 13, 2020 - Jupyter Notebook
Pytorch implementation of Unsupervised Attention-guided Image-to-Image Translation.
machine-learning
deep-neural-networks
deep-learning
pytorch
attention-mechanism
attention-model
pytorch-implmention
pytorch-implementation
-
Updated
Sep 13, 2018 - Python
A Pytorch tutorial for implementation of Dynamic memory Network Plus
-
Updated
Jun 8, 2018 - Jupyter Notebook
Improve this page
Add a description, image, and links to the pytorch-implmention topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the pytorch-implmention topic, visit your repo's landing page and select "manage topics."
Need help for retraining and cross validation and see if the ROUGE score matches exactly (or better) with the numbers reported in the paper.
I just train for 500k iteration (with batch size 8) with pointer generation enabled + coverage loss disabled and next 100k iteration (with batch size 8) with pointer generation enabled + coverage loss enabled.
It would be great if someone can help re-r