An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: pytorch-implmention

pranz24/pytorch-soft-actor-critic

PyTorch implementation of soft actor critic

Language: Python - Size: 985 KB - Last synced at: 9 days ago - Pushed at: over 3 years ago - Stars: 876 - Forks: 183

tomguluson92/StyleGAN_PyTorch

The implementation of StyleGAN on PyTorch 1.0.1

Language: Python - Size: 26.3 MB - Last synced at: 5 days ago - Pushed at: almost 5 years ago - Stars: 551 - Forks: 96

nikhilbarhate99/PPO-PyTorch

Minimal implementation of clipped objective Proximal Policy Optimization (PPO) in PyTorch

Language: Python - Size: 12.1 MB - Last synced at: 11 days ago - Pushed at: 10 months ago - Stars: 2,005 - Forks: 378

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: 13 days ago - Pushed at: over 5 years ago - Stars: 2,321 - Forks: 723

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: 28 days ago - Pushed at: about 2 years ago - Stars: 907 - Forks: 208

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: 28 days ago - Pushed at: over 3 years ago - Stars: 1,017 - Forks: 253

nikhilbarhate99/Actor-Critic-PyTorch

Policy Gradient Actor-Critic PyTorch | Lunar Lander v2

Language: Python - Size: 2.1 MB - Last synced at: 6 days ago - Pushed at: about 6 years ago - Stars: 73 - Forks: 26

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: 30 days ago - Pushed at: over 1 year ago - Stars: 5,521 - Forks: 1,359

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 1 month ago - Pushed at: 10 months ago - Stars: 4,287 - Forks: 1,239

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: 6 days ago - Pushed at: almost 6 years ago - Stars: 105 - Forks: 30

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

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 1 month ago - Pushed at: over 4 years ago - Stars: 277 - Forks: 78

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

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

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: 20 days ago - Pushed at: about 3 years ago - Stars: 46 - Forks: 13

balavenkatesh3322/hyperparameter_tuning

A collection of Hyper parameter tuning library.

Size: 63.5 KB - Last synced at: 18 days ago - Pushed at: almost 5 years ago - Stars: 41 - Forks: 7

SConsul/Global_Convolutional_Network

Pytorch implementation of GCN architecture for semantic segmentation

Language: Python - Size: 1.87 MB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 82 - Forks: 29

VPanjeta/Image-Unfogging

PyTorch network to remove fog/smog/haze from pictures.

Language: Python - Size: 11.5 MB - Last synced at: 28 days ago - Pushed at: over 6 years ago - Stars: 20 - Forks: 3

TheNigthDawn/multi-label-text-classification

Multi-label text classification in Reddit comments using statistical and learned features.

Size: 1000 Bytes - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

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: 27 days ago - Pushed at: about 3 years ago - Stars: 81 - Forks: 30

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

AyushExel/DeepTorch

Implementation and tutorial of deep learning algorithms in pyTorch

Language: Python - Size: 10.7 KB - Last synced at: 3 days ago - Pushed at: over 6 years ago - Stars: 8 - Forks: 4

jerteh/BEaSTagger

Bidirectional, Expandable and Stacked Tagger --- BEaST. This package provides POS-tagging using a system composed of treetagger, spaCy and Stanza. Package also provides training of a new system provided the necessary files.

Language: Python - Size: 264 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 2 - Forks: 0

jnhwkim/ban-vqa 📦

Bilinear attention networks for visual question answering

Language: Python - Size: 1.21 MB - Last synced at: 27 days ago - Pushed at: over 1 year ago - Stars: 545 - Forks: 100

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

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

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

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: about 6 years ago - Stars: 6 - Forks: 3

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

Rish-01/PyTorch-Siamese-CNN

Pytorch implementation of Deep Siamese Convolutional Networks which gives the changes between old and new aerial images

Language: Jupyter Notebook - Size: 47.5 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 1

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

PhenomSG/House-Prices---Advanced-Regression-Techniques

Predict house prices in Ames, Iowa, using 79 features, evaluated by RMSE of log-transformed predicted and actual prices.

Language: Jupyter Notebook - Size: 179 KB - Last synced at: 20 days ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

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

mx-mark/VideoTransformer-pytorch

PyTorch implementation of a collections of scalable Video Transformer Benchmarks.

Language: Python - Size: 4.17 MB - Last synced at: 12 months ago - Pushed at: about 3 years ago - Stars: 257 - Forks: 35

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

cjimti/aipnd-project

AIML Programming with PyTorch

Language: HTML - Size: 129 MB - Last synced at: 4 days ago - Pushed at: almost 7 years ago - Stars: 10 - Forks: 11

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

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

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

hb1500/Face-recognition Fork of Ceciliasy/Face-recognition

This is the course project for DS-GA 1008 Deep Leaning by Prof. Yann LeCun

Language: Jupyter Notebook - Size: 4.18 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

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

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

Zhenye-Na/deep-learning-uiuc

💭 CS598 / IE534: Deep Learning in Fall 2018, University of Illinois at Urbana-Champaign

Language: Python - Size: 573 MB - Last synced at: 2 months ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

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

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

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

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

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

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: 5 days ago - Pushed at: about 2 years ago - Stars: 10 - Forks: 0

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

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

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

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

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

sungyubkim/DVIB

A pytorch implementation of DVIB(Deep Variational Information Bottleneck)

Language: Jupyter Notebook - Size: 11.2 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 1

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

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

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

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

TomaszKaleczyc/star_wars_image_generator

The purpose of this project is to build a Denoising Diffusion Probabilistic Model and train it to generate images of Star Wars characters.

Language: Jupyter Notebook - Size: 26.7 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

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

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

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

Yiping106283/MURA_deep_learning

MURA (musculoskeletal radiographs) Deep Learning Project

Language: Python - Size: 64.9 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 2

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

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

Surya-Prakash-Reddy/Word2Vec

Built and trained a Word2Vec which is a word embedding model

Language: Jupyter Notebook - Size: 1.38 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

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

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

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

jeenakk/typed-dtree-lstm

Typed Dependency Tree LSTM in Pytorch

Language: Python - Size: 38.1 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

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

Puneet2000/Agent-DOoM

A RL agent that learns to play doom's deadly corridor based on DDQN and PER.

Language: Python - Size: 15.6 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

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

bacnguyencong/deepml

Deep metric learning repository

Language: Python - Size: 20.2 MB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 0

prateekagarwal3/Person-reID-verification-pytorch

PyTorch implementation for Person Reidentification using Deep RL

Language: Python - Size: 15.7 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

Shawn-Guo-CN/YOLOv3_PyTorch

A clean and simple prediction program of YOLOv3

Language: Python - Size: 29.3 KB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

Dheeraj2444/pytorch

Pytorch implementation of different models

Language: Python - Size: 6.84 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

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

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

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

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

BinItAI/BetterLoader

A better PyTorch data loader capable of custom image operations and image subsets

Language: Python - Size: 1 MB - Last synced at: 17 days ago - Pushed at: about 4 years ago - Stars: 35 - Forks: 1

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

BamboTims/TimsLinearReressionModel

A Linear Regression Model made with Pytorch

Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

wllqwzx/faster-rcnn-pytorch

A pytorch implementation of faster RCNN.

Language: Python - Size: 245 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 2

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

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

Pancakerr/Light-framework-for-HSIC

This is a light framework for patch-based hyperspectral classification by pytorch

Language: Jupyter Notebook - Size: 66.1 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 4 - Forks: 1

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

JettIsOnTheNet/APLReLU-pytorch

PyTorch Adaptive Piecewise Linear Activation Function

Size: 2.93 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

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

shuuchen/lsun-room-dsc Fork of leVirve/lsun-room

An all-in-one usable command line version of https://github.com/leVirve/lsun-room without pain.

Language: Jupyter Notebook - Size: 80.1 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 4 - Forks: 3

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

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

say4n/deepcosegmentation.pytorch

Siamese network based Deep Co-segmentation

Language: Jupyter Notebook - Size: 105 KB - Last synced at: 20 days ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 6

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

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

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

Related Keywords
pytorch-implmention 166 pytorch 96 deep-learning 56 machine-learning 21 deep-neural-networks 16 pytorch-tutorial 16 python3 16 python 15 cnn 13 neural-network 12 nlp 11 computer-vision 10 convolutional-neural-networks 10 pytorch-implementation 10 deeplearning 8 gan 8 reinforcement-learning 8 object-detection 7 natural-language-processing 7 pytorch-cnn 7 lstm 7 image-classification 6 transformer 6 semantic-segmentation 6 generative-adversarial-network 6 pytorch-gan 5 mnist 5 tutorial 5 jupyter-notebook 5 attention-mechanism 5 neural-networks 5 deep-reinforcement-learning 5 bert 4 reinforcement-learning-algorithms 4 vae 4 rnn 4 machine-learning-algorithms 4 attention 4 transfer-learning 4 pytorch-tutorials 4 keras 4 torchvision 4 data-science 3 siamese-network 3 dcgan 3 text-classification 3 generative-model 3 tensorflow 3 resnet 3 neural-machine-translation 3 policy-gradient 3 pretrained-models 3 word2vec 3 yolov3 3 pytorch-lightning 3 gcn 3 resnet-152 2 gans 2 rcnn 2 udacity 2 udacity-nanodegree 2 segmentation 2 language-model 2 aspect-based-sentiment-analysis 2 neural-style-transfer 2 dpcnn 2 classification 2 vgg19 2 global-convolution-network 2 style-transfer 2 attention-model 2 lstm-neural-networks 2 keras-implementations 2 seq2seq-model 2 deep-generative-model 2 cifar-10 2 variational-autoencoder 2 nlp-machine-learning 2 peleenet 2 off-policy 2 variational-inference 2 sentiment-analysis 2 reproducibility 2 cnn-text-classification 2 rnn-pytorch 2 mnist-dataset 2 reproducible-research 2 image-recognition 2 numpy 2 hyperspectral-image-classification 2 face-recognition 2 unet-image-segmentation 2 unet 2 acgan 2 kaggle 2 multi-label-classification 2 fine-tuning 2 transformers 2 stylegan 2 openai-gym-environments 2