-
Updated
Jun 20, 2020 - Python
#
pytorch-implementation
Here are 517 public repositories matching this topic...
[CVPR2020] Adversarial Latent Autoencoders
python
machine-learning
computer-vision
deep-learning
neural-network
paper
pytorch
generative-adversarial-network
gan
generative-model
autoencoder
celeba
paper-implementations
face-generation
pytorch-implementation
celeba-hq
stylegan
ffhq
cvpr2020
alae
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.
deep-neural-networks
deep-learning
detection
inference
medical-imaging
segmentation
object-detection
medical-image-computing
semantic-segmentation
3d-models
medical-image-processing
mask-rcnn
u-net
medical-image-analysis
2d-3d
pytorch-cnn
retina-net
3d-object-detection
pytorch-implementation
pytorch-deeplearning
retina-unet
3d-mask-rcnn
-
Updated
Apr 30, 2020 - Python
A Collection of Variational Autoencoders (VAE) in PyTorch.
deep-learning
reproducible-research
architecture
pytorch
vae
beta-vae
paper-implementations
gumbel-softmax
celeba-dataset
wae
variational-autoencoders
pytorch-implementation
dfc-vae
iwae
vqvae
vae-implementation
pytorch-vae
-
Updated
Mar 22, 2020 - Python
Pytorch implementation for "Large-Scale Long-Tailed Recognition in an Open World" (CVPR 2019 ORAL)
computer-vision
deep-learning
open-set
long-tail
pytorch-implementation
cvpr2019
open-long-tail-recognition
oltr
-
Updated
Jun 15, 2020 - Python
Implementation of DropBlock: A regularization method for convolutional networks in PyTorch.
machine-learning
computer-vision
pytorch
dropout
regularization
convolutional-neural-networks
pytorch-implementation
dropblock
-
Updated
Feb 22, 2019 - Python
This is an open sourced book on deep learning.
deep-neural-networks
computer-vision
deep-learning
python3
pytorch
recurrent-neural-networks
artificial-intelligence
how-to
artificial-neural-networks
convolutional-neural-networks
deep-learning-tutorial
pytorch-tutorial
pytorch-implementation
-
Updated
Dec 12, 2019 - CSS
PyTorch implementation of SimCLR: A Simple Framework for Contrastive Learning of Visual Representations
machine-learning
deep-learning
pytorch
representation-learning
unsupervised-learning
contrastive-loss
torchvision
pytorch-implementation
simclr
-
Updated
Jun 19, 2020 - Jupyter Notebook
A Pytorch Implementation of "Neural Speech Synthesis with Transformer Network"
text-to-speech
deep-learning
pytorch
tts
transformer
attention-mechanism
pytorch-implementation
attention-plots
-
Updated
Jun 12, 2020 - Python
Pytorch Tutorial, Pytorch with Google Colab, Pytorch Implementations: CNN, RNN, DCGAN, Transfer Learning, Chatbot, Pytorch Sample Codes
python
machine-learning
computer-vision
deep-learning
cnn
pytorch
rnn
mlp
transfer-learning
pytorch-tutorial
rnn-pytorch
colaboratory
colab-notebook
cnn-pytorch
pytorch-implementation
colab-tutorial
-
Updated
May 7, 2019 - Jupyter Notebook
This is a pytorch implementation of the paper: StarGAN-VC: Non-parallel many-to-many voice conversion with star generative adversarial networks
-
Updated
Oct 11, 2019 - Python
Unofficial PyTorch implementation of BlazeFace
-
Updated
Aug 5, 2019 - Python
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"
graph
sketch
pytorch
transformer
sketch-recognition
pytorch-implementation
transformer-architecture
multi-graph-transformer
sparse-graphs
-
Updated
Feb 27, 2020 - Python
PyTorch implementation of Octave Convolution with pre-trained Oct-ResNet and Oct-MobileNet models
-
Updated
Jun 14, 2020 - Python
pytorch implementation of MultiPoseNet (ECCV 2018, Muhammed Kocabas et al.)
-
Updated
May 23, 2019 - Python
74.3% MobileNetV3-Large and 67.2% MobileNetV3-Small model on ImageNet
-
Updated
Jun 6, 2020 - Python
Implementing nlp papers relevant to classification with PyTorch, gluonnlp
-
Updated
May 30, 2020 - Python
A PyTorch Implementation of "Everybody Dance Now" from Berkeley AI lab.
-
Updated
Jul 28, 2019 - Python
KoBERT와 CRF로 만든 한국어 개체명인식기 (BERT+CRF based Named Entity Recognition model for Korean)
nlp
natural-language-processing
crf
pytorch
named-entity-recognition
korean
ner
bert
korean-nlp
attention-visualization
pytorch-implementation
bert-bilstm-crf
huggingface
bert-crf
kobert
kobert-crf
bert-bigru-crf
-
Updated
Mar 2, 2020 - Jupyter Notebook
Pytorch deep learning face frontalization model
machine-learning
computer-vision
deep-learning
pytorch
nvidia
generative-adversarial-network
gan
dali
scaleway
pytorch-tutorial
pytorch-implementation
nvidia-dali
face-frontalization
scaleway-ai
-
Updated
Apr 17, 2019 - Python
Fully reproduce the paper of StarGAN-VC. Stable training and Better audio quality .
-
Updated
Aug 12, 2019 - Python
Reference ImageNet implementation of SelecSLS CNN architecture proposed in "XNect: Real-time Multi-person 3D Human Pose Estimation with a Single RGB Camera". Also includes code for pruning the model based on implicit sparsity emerging from adaptive gradient descent methods.
sparsity
deep-learning
efficient
cnn
pytorch
imagenet
pruning
pytorch-implementation
cvpr2019
efficient-architectures
-
Updated
Dec 30, 2019 - Python
Open
MS-SSIM be Nan
2
Jam-G
commented
Mar 9, 2020
@aiff22 Hi,
I try to train with my own data, but when level1 and level0, the MS-SSIM loss be Nan (actually MS-SSIM loss is not used at level1).
So I run the training code in debug mode, I found that, in some case, the SSIM could be negative.
I found the code of MS-SSIM implements at jorge-pessoa/pytorch-msssim and discussions about this problem
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
Jun 2, 2020 - Jupyter Notebook
This repository contains a Pytorch implementation of the paper "The Lottery Ticket Hypothesis: Finding Sparse, Trainable Neural Networks" by Jonathan Frankle and Michael Carbin that can be easily adapted to any model/dataset.
python
deep-learning
pytorch
pruning
lottery
network-pruning
pytorch-implementation
iclr2019
lottery-ticket-hypothesis
winning-ticket
-
Updated
Nov 3, 2019 - Python
A Novel Embedding Model for Knowledge Base Completion Based on Convolutional Neural Network (NAACL 2018) (In Pytorch and Tensorflow)
knowledge-graph-completion
convolutional-neural-network
link-prediction
knowledge-base-completion
knowledge-graph-embeddings
wn18rr
knowledge-base-embeddings
pytorch-implementation
knowledge-graphs
fb15k237
-
Updated
Jun 25, 2020 - Python
A High-Quality PyTorch Implementation of "Globally and Locally Consistent Image Completion".
machine-learning
deep-learning
pytorch
gan
neural-networks
python36
image-completion
pytorch-implementation
-
Updated
May 14, 2020 - Python
PyTorch Implementation of Fully Convolutional Networks (a very simple and easy demo).
-
Updated
Feb 3, 2019 - Python
Spatially and Temporally Efficient Non-local Attention Network for Video-based Person Re-Identification (BMVC 2019)
python3
efficient-algorithm
person-re-identification
video-base-re-id
pytorch-implementation
mars-dataset
dukemtmc-video-reid
-
Updated
Dec 11, 2019 - Python
Transformer for Graph Classification (in Pytorch and Tensorflow)
transformer
unsupervised-learning
graph-embeddings
graph-classification
self-attention
graph-neural-networks
graph-representation-learning
pytorch-implementation
unsupervised-graph-embedding
node-embeddings
unsupervised-graph-neural-network
graph-transformer
-
Updated
Jun 24, 2020 - Python
Improve this page
Add a description, image, and links to the pytorch-implementation topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the pytorch-implementation topic, visit your repo's landing page and select "manage topics."


I add a function(according the code in the tutorial4) to calculate the bleu score, but i get the vey low score(0.09), could you tell me why?
This is code to calculate bleu: