Topic: "pytorch-implmention"
bentrevett/pytorch-seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Language: Jupyter Notebook - Size: 6.02 MB - Last synced at: about 5 hours ago - Pushed at: over 1 year ago - Stars: 5,548 - Forks: 1,361

dsgiitr/d2l-pytorch
This project reproduces the book Dive Into Deep Learning (https://d2l.ai/), adapting the code from MXNet into PyTorch.
Language: Jupyter Notebook - Size: 154 MB - Last synced at: about 5 hours ago - Pushed at: 10 months ago - Stars: 4,296 - Forks: 1,239

avinashpaliwal/Super-SloMo 📦
PyTorch implementation of Super SloMo by Jiang et al.
Language: Python - Size: 26.3 MB - Last synced at: 4 months ago - Pushed at: about 2 years ago - Stars: 3,006 - Forks: 477

ayooshkathuria/YOLO_v3_tutorial_from_scratch
Accompanying code for Paperspace tutorial series "How to Implement YOLO v3 Object Detector from Scratch"
Language: Python - Size: 1.84 MB - Last synced at: 17 days ago - Pushed at: over 5 years ago - Stars: 2,321 - Forks: 723

nikhilbarhate99/PPO-PyTorch
Minimal implementation of clipped objective Proximal Policy Optimization (PPO) in PyTorch
Language: Python - Size: 12.1 MB - Last synced at: 15 days ago - Pushed at: 10 months ago - Stars: 2,005 - Forks: 378

bentrevett/pytorch-image-classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Language: Jupyter Notebook - Size: 88.3 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 1,017 - Forks: 253

lonePatient/Bert-Multi-Label-Text-Classification
This repo contains a PyTorch implementation of a pretrained BERT model for multi-label text classification.
Language: Python - Size: 187 KB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 907 - Forks: 208

atulkum/pointer_summarizer
pytorch implementation of "Get To The Point: Summarization with Pointer-Generator Networks"
Language: Python - Size: 1.08 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 896 - Forks: 245

pranz24/pytorch-soft-actor-critic
PyTorch implementation of soft actor critic
Language: Python - Size: 985 KB - Last synced at: 13 days ago - Pushed at: over 3 years ago - Stars: 876 - Forks: 183

cszn/DPSR
Deep Plug-and-Play Super-Resolution for Arbitrary Blur Kernels (CVPR, 2019) (PyTorch)
Language: Python - Size: 68.2 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 841 - Forks: 211

tomguluson92/StyleGAN_PyTorch
The implementation of StyleGAN on PyTorch 1.0.1
Language: Python - Size: 26.3 MB - Last synced at: 1 day ago - Pushed at: almost 5 years ago - Stars: 551 - Forks: 96

jnhwkim/ban-vqa 📦
Bilinear attention networks for visual question answering
Language: Python - Size: 1.21 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 545 - Forks: 100

Naman-ntc/Pytorch-Human-Pose-Estimation
Implementation of various human pose estimation models in pytorch on multiple datasets (MPII & COCO) along with pretrained models
Language: Python - Size: 556 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 455 - Forks: 78

huangzh13/StyleGAN.pytorch 📦
A PyTorch implementation for StyleGAN with full features.
Language: Python - Size: 37.2 MB - Last synced at: 4 months ago - Pushed at: over 3 years ago - Stars: 374 - Forks: 75

TianhongDai/hindsight-experience-replay
This is the pytorch implementation of Hindsight Experience Replay (HER) - Experiment on all fetch robotic environments.
Language: Python - Size: 31.5 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 336 - Forks: 69

Hsuxu/Loss_ToolBox-PyTorch
PyTorch Implementation of Focal Loss and Lovasz-Softmax Loss
Language: Jupyter Notebook - Size: 229 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 323 - Forks: 55

bentrevett/pytorch-rl 📦
Tutorials for reinforcement learning in PyTorch and Gym by implementing a few of the popular algorithms. [IN PROGRESS]
Language: Jupyter Notebook - Size: 55.7 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 277 - Forks: 78

mx-mark/VideoTransformer-pytorch
PyTorch implementation of a collections of scalable Video Transformer Benchmarks.
Language: Python - Size: 4.17 MB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 257 - Forks: 35

hpzhao/SummaRuNNer
The PyTorch Implementation of SummaRuNNer
Language: Python - Size: 175 MB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 255 - Forks: 81

emadRad/lstm-gru-pytorch
LSTM and GRU in PyTorch
Language: Jupyter Notebook - Size: 142 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 218 - Forks: 57

huguyuehuhu/HCN-pytorch
A pytorch reproduction of { Co-occurrence Feature Learning from Skeleton Data for Action Recognition and Detection with Hierarchical Aggregation }.
Language: Python - Size: 355 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 217 - Forks: 58

bat67/pytorch-FCN-easiest-demo
PyTorch Implementation of Fully Convolutional Networks (a very simple and easy demo).
Language: Python - Size: 69.2 MB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 193 - Forks: 72

srviest/char-cnn-text-classification-pytorch
Character-level Convolutional Neural Networks for text classification in PyTorch
Language: Python - Size: 23.9 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 173 - Forks: 48

yunlongdong/FCN-pytorch
Another pytorch implementation of FCN (Fully Convolutional Networks)
Language: Python - Size: 62.2 MB - Last synced at: 12 months ago - Pushed at: over 6 years ago - Stars: 160 - Forks: 52

walsvid/CoordConv
Pytorch implementation of "An intriguing failing of convolutional neural networks and the CoordConv solution" - https://arxiv.org/abs/1807.03247
Language: Jupyter Notebook - Size: 236 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 125 - Forks: 25

sheffieldnlp/naacl2018-fever 📦
Fact Extraction and VERification baseline published in NAACL2018
Language: Python - Size: 1.01 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 123 - Forks: 42

lwpyr/CSP-pedestrian-detection-in-pytorch
Unofficially Pytorch implementation of High-level Semantic Feature Detection: A New Perspective for Pedestrian Detection
Language: Python - Size: 296 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 113 - Forks: 28

nikhilbarhate99/TD3-PyTorch-BipedalWalker-v2
Twin Delayed DDPG (TD3) PyTorch solution for Roboschool and Box2d environment
Language: Python - Size: 28.8 MB - Last synced at: 10 days ago - Pushed at: almost 6 years ago - Stars: 105 - Forks: 30

DLHacks/mocogan
A pytorch implemention of MoCoGAN
Language: Python - Size: 155 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 103 - Forks: 21

pcyin/pytorch_basic_nmt
A simple yet strong implementation of neural machine translation in pytorch
Language: Python - Size: 16.5 MB - Last synced at: about 1 month ago - Pushed at: about 4 years ago - Stars: 93 - Forks: 23

odie2630463/WaveNet
Pytorch implement WaveNet
Language: Jupyter Notebook - Size: 5.67 MB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 90 - Forks: 14

avilash/pytorch-siamese-triplet
One-Shot Learning with Triplet CNNs in Pytorch
Language: Python - Size: 74.2 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 86 - Forks: 20

anshulpaigwar/Attentional-PointNet
Attentional-PointNet is Deep-Neural-Network architecture for 3D object detection in point clouds
Language: Python - Size: 8.43 MB - Last synced at: about 2 months ago - Pushed at: almost 6 years ago - Stars: 86 - Forks: 25

SConsul/Global_Convolutional_Network
Pytorch implementation of GCN architecture for semantic segmentation
Language: Python - Size: 1.87 MB - Last synced at: about 2 months ago - Pushed at: about 6 years ago - Stars: 82 - Forks: 29

alishdipani/Neural-Style-Transfer-Audio
This is PyTorch Implementation of Neural Style Transfer Algorithm which is modified for Audios.
Language: Python - Size: 24.9 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 81 - Forks: 30

alokwhitewolf/Pytorch-Attention-Guided-CycleGAN 📦
Pytorch implementation of Unsupervised Attention-guided Image-to-Image Translation.
Language: Python - Size: 1.08 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 79 - Forks: 18

Deepayan137/DeepClustering
A pytorch implementation of the paper Unsupervised Deep Embedding for Clustering Analysis.
Language: Python - Size: 23.4 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 76 - Forks: 23

nikhilbarhate99/Actor-Critic-PyTorch
Policy Gradient Actor-Critic PyTorch | Lunar Lander v2
Language: Python - Size: 2.1 MB - Last synced at: 10 days ago - Pushed at: about 6 years ago - Stars: 73 - Forks: 26

hscspring/Multi-Label-Text-Classification-for-Chinese
pytorch implementation of multi-label text classification, includes kinds of models and pretrained. Especially for Chinese preprocessing.
Language: Python - Size: 52.7 KB - Last synced at: 7 months ago - Pushed at: over 5 years ago - Stars: 71 - Forks: 25

fotisk07/Image-Classifier
Final Project of the Udacity AI Programming with Python Nanodegree
Language: Jupyter Notebook - Size: 25.7 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 71 - Forks: 46

vlgiitr/dmn-plus
A Pytorch tutorial for implementation of Dynamic memory Network Plus
Language: Jupyter Notebook - Size: 410 KB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 65 - Forks: 17

mynkpl1998/Recurrent-Deep-Q-Learning
Solving POMDP using Recurrent networks
Language: Jupyter Notebook - Size: 46.1 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 62 - Forks: 26

sally20921/ConSSL
PyTorch Implementation of SOTA SSL methods
Language: Python - Size: 1.92 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 61 - Forks: 55

minerva-ml/open-solution-ship-detection 📦
Open solution to the Airbus Ship Detection Challenge
Language: Python - Size: 1.63 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 61 - Forks: 22

budui/Human-Pose-Transfer
Implement Human Pose Transfer papers with Pytorch
Language: Python - Size: 2.68 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 60 - Forks: 16

MEDAL-IITB/Lung-Segmentation
Segmentation of Lungs from Chest X-Rays using Fully Connected Networks
Language: Python - Size: 1.4 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 56 - Forks: 19

MohamedSebaie/Fight_Detection_From_Surveillance_Cameras-PyTorch_Project
Fight Detection From Surveillance Cameras by fine-tuning a PyTorch Pretrained Model
Language: Jupyter Notebook - Size: 208 MB - Last synced at: 24 days ago - Pushed at: over 3 years ago - Stars: 46 - Forks: 13

balavenkatesh3322/hyperparameter_tuning
A collection of Hyper parameter tuning library.
Size: 63.5 KB - Last synced at: 22 days ago - Pushed at: almost 5 years ago - Stars: 41 - Forks: 7

yoonholee/pytorch-vae
A minimal pytorch implementation of VAE, IWAE, MIWAE
Language: Python - Size: 1.75 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 40 - Forks: 11

TheAnig/NER-LSTM-CNN-Pytorch
End-to-end-Sequence-Labeling-via-Bi-directional-LSTM-CNNs-CRF-Tutorial
Language: Jupyter Notebook - Size: 36 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 39 - Forks: 11

bacnguyencong/rbm-pytorch
An implementation of Restricted Boltzmann Machine in Pytorch
Language: Jupyter Notebook - Size: 173 KB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 37 - Forks: 8

suhoy901/ImageTranslation
pytorch, pix2pix, CycleGAN, DiscoGAN, BicycleGAN, UNIT, MUNIT, pix2pixHD, vid2vid
Language: Jupyter Notebook - Size: 2.89 GB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 36 - Forks: 21

BinItAI/BetterLoader
A better PyTorch data loader capable of custom image operations and image subsets
Language: Python - Size: 1 MB - Last synced at: 20 days ago - Pushed at: about 4 years ago - Stars: 35 - Forks: 1

chuchienshu/Colorization
The pythorch implementation of Colorful Image Colorization. In ECCV, 2016.
Language: Python - Size: 3.76 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 35 - Forks: 10

FengZiYjun/CharLM
Character-aware Neural Language Model implemented by PyTorch
Language: Python - Size: 1.93 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 32 - Forks: 6

alphadl/Neural-Machine-Translation
Several basic neural machine translation models implemented by PyTorch & TensorFlow
Language: Python - Size: 30.1 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 30 - Forks: 7

Lotayou/SMPL Fork of CalciferZh/SMPL
Pytorch implementation of human body SMPL model, support GPU training, batch processing and joint regression.
Language: Python - Size: 116 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 29 - Forks: 8

MengTianjian/MaskRCNN
Implementation of Mask RCNN in PyTorch
Language: Python - Size: 104 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 29 - Forks: 5

imranparuk/speaker-recognition-3d-cnn
Keras + pyTorch implimentation of "Deep Learning & 3D Convolutional Neural Networks for Speaker Verification"
Language: Python - Size: 1.06 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 27 - Forks: 12

Hydrino/ACGAN_cifar10
A PyTorch implementation of Auxiliary Classifier GAN to generate CIFAR10 images.
Language: Python - Size: 696 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 26 - Forks: 10

Lornatang/UGATIT-PyTorch
Simple, fast and easy to read. Yes, we use the pytorch framework!
Language: Python - Size: 134 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 25 - Forks: 5

yagudin/PyTorch-deep-photo-styletransfer
PyTorch implementation of "Deep Photo Style Transfer": https://arxiv.org/abs/1703.07511
Language: Jupyter Notebook - Size: 161 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 25 - Forks: 9

llyx97/sparse-and-robust-PLM
[NeurIPS 2022] "A Win-win Deal: Towards Sparse and Robust Pre-trained Language Models", Yuanxin Liu, Fandong Meng, Zheng Lin, Jiangnan Li, Peng Fu, Yanan Cao, Weiping Wang, Jie Zhou
Language: Python - Size: 28 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 21 - Forks: 2

andrijdavid/EffNet
EffNet: AN EFFICIENT STRUCTURE FOR CONVOLUTIONAL NEURAL NETWORKS
Language: Python - Size: 1000 Bytes - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 21 - Forks: 8

HsLOL/Rotation-EfficientDet-D0
A PyTorch Implementation Rotation Detector based EfficientDet Detector
Language: C++ - Size: 10.6 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 20 - Forks: 1

leeyang/ResPRE
ResPRE is an algorithm for protein residue-residue contact-map prediction
Language: Python - Size: 58 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 20 - Forks: 8

VPanjeta/Image-Unfogging
PyTorch network to remove fog/smog/haze from pictures.
Language: Python - Size: 11.5 MB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 20 - Forks: 3

minerva-ml/steppy-examples 📦
Examples and tutorials to the steppy library
Language: Jupyter Notebook - Size: 153 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 20 - Forks: 11

Pancakerr/HybridSN
A personal pytorch-based implement of HybridSN by Jupyter Notebook
Language: Jupyter Notebook - Size: 115 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 17 - Forks: 1

sarthak268/Animal-Detection
Detection of Animals in camera trapped images using RetinaNet in pytorch.
Language: Python - Size: 5.75 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 17 - Forks: 4

psrikanthm/categorical-vae
Implement Categorical Variational autoencoder using Pytorch
Language: Python - Size: 8.79 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 14 - Forks: 0

SathwikTejaswi/Neural-Image-Captioning
This is an implementation of the paper "Show and Tell: A Neural Image Caption Generator".
Language: Python - Size: 9.39 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 3

dontLoveBugs/StructuredAttentionDepthEstimation_pytorch
PyTorch implementation of Structured Attention Guided Convolutional Neural Fields for Monocular Depth Estimation
Language: Python - Size: 6.84 KB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 8

mjpyeon/pytorch-bayes-by-backprop
PyTorch implementation of "Weight Uncertainties in Neural Networks" (Bayes-by-Backprop)
Language: Python - Size: 7.81 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 1

hoya012/pytorch-peleenet
Simple Code Implementation of "PeleeNet" architecture in "Pelee Paper" using PyTorch.
Language: Jupyter Notebook - Size: 411 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 12 - Forks: 1

linksense/SharpPeleeNet
ImageNet pre-trained SharpPeleeNet can be used in real-time Semantic Segmentation/Objects Detection
Language: Python - Size: 1.95 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 12 - Forks: 1

moabitcoin/signfeld
Synthetic traffic sign detectron
Language: Python - Size: 27.4 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 11 - Forks: 5

ChenLiu-1996/GAN-evaluator
A pip-installable evaluator for GANs (IS and FID). Accepts either dataloaders or individual batches. Supports on-the-fly evaluation during training. A working DCGAN SVHN demo script provided.
Language: Python - Size: 778 KB - Last synced at: 1 day ago - Pushed at: about 2 years ago - Stars: 10 - Forks: 0

saikat-roy/Vision-Systems-Lab
MLPs, DCNNs, Deep Convolutional Autoencoders, LSTM, GRU, ResNets, DCGAN - CudaVision Lab at University of Bonn (SS19)
Language: Jupyter Notebook - Size: 14.6 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 10 - Forks: 5

ninadakolekar/Thermal-Image-Enhancement
PyTorch Implementation of Thermal Image Enhancement Network
Language: Python - Size: 5.34 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 5

say4n/deepcosegmentation.pytorch
Siamese network based Deep Co-segmentation
Language: Jupyter Notebook - Size: 105 KB - Last synced at: 23 days ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 6

cjimti/aipnd-project
AIML Programming with PyTorch
Language: HTML - Size: 129 MB - Last synced at: 7 days ago - Pushed at: almost 7 years ago - Stars: 10 - Forks: 11

ashukid/Conditional-GAN-pytorch
Implementation of Conditional DCGAN for Dog Dataset
Language: Jupyter Notebook - Size: 581 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 9 - Forks: 2

PengFoo/word2vec-pytorch
A Skip-Gram model of Word2vec implemented in pytorch.
Language: Python - Size: 5.72 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 9 - Forks: 10

naba89/RNN-Handwriting-Generation-Pytorch
sequence generation using RNN using pytorch
Language: Python - Size: 8.99 MB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 9 - Forks: 1

pvjosue/pytorch_fftNd
Pytorch N-dimensional Implementation of the Fast Fourier Transform and its inverse
Language: Python - Size: 132 KB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 8 - Forks: 2

JHorcasitas/cnn_document_binarization
PyTorch implementation of the paper: Insights on the Use of Convolutional Neural Networks for Document Image Binarization
Language: Python - Size: 173 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 2

AyushExel/DeepTorch
Implementation and tutorial of deep learning algorithms in pyTorch
Language: Python - Size: 10.7 KB - Last synced at: 7 days ago - Pushed at: over 6 years ago - Stars: 8 - Forks: 4

odie2630463/transformer
Language: Jupyter Notebook - Size: 13.2 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 8 - Forks: 0

odie2630463/sketch_rnn
An implementation of SketchRNN use Pytorch
Language: Jupyter Notebook - Size: 26.6 MB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 8 - Forks: 2

OldBonhart/Retinal-Blood-Vessels-Segmentation
Medical image segmentation
Language: Jupyter Notebook - Size: 2.82 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 7 - Forks: 1

eswar3/sentiment-analysis-sagemaker-deployment
Project from Deep Learning Nanodegree - Udacity
Language: Jupyter Notebook - Size: 52.7 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 7 - Forks: 19

snknitin/shiftreduce_parser
Transition based dependency parser in PyTorch that can used be for scientific and biomedical literature
Language: Python - Size: 1.17 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 7 - Forks: 1

hagerrady13/CondenseNet-PyTorch
A PyTorch Implementation for CondenseNet on Cifar10
Language: Python - Size: 68.4 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 6 - Forks: 2

ac-alpha/VAEs-using-Pytorch
Variational Autoencoders trained on MNIST Dataset using PyTorch
Language: Jupyter Notebook - Size: 14.5 MB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 6 - Forks: 3

hitercs/SentimentClassification-PyTorch
Language: Python - Size: 795 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 6 - Forks: 5

J4NN0/deep-learning-cnn
NN and CNN implementation from scratch in PyTorch with data loading, training, and evaluation phase on CIFAR 100 image dataset
Language: Python - Size: 300 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 3

aritrasen87/deeplearning_with_pytorch
Deep Learning Tutorials with Pytorch
Language: Jupyter Notebook - Size: 1.02 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 1

AahanSingh/Capsule-Networks
PyTorch Implementation of Capsule Networks
Language: Python - Size: 33.2 KB - Last synced at: 7 days ago - Pushed at: almost 4 years ago - Stars: 5 - Forks: 2

sidgairo18/Sketching-with-Style-ICCV-2017-PyTorch-
This is an un-official re-implementation of the work Sketching with Style presented at ICCV 2017 by Prof. John Collomosse's Group and Adobe.
Language: Python - Size: 4.91 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 1
