Pinned Repositories
3DFasterRCNN_LungNoduleDetector
abstract-art-neural-network
Generating abstract art through neural networks in PyTorch
adafactor-pytorch
A pytorch realization of adafactor (https://arxiv.org/pdf/1804.04235.pdf )
AdamW-and-SGDW
keras implementation of AdamW from Fixing Weight Decay Regularization in Adam (https://arxiv.org/abs/1711.05101)
AdamW-pytorch
Implementation and experiment for AdamW on pytorch
adamwr
Implements https://arxiv.org/abs/1711.05101 AdamW optimizer and cosine learning rate scheduler for PyTorch framework
AlphaTree-graphic-deep-neural-network
将深度神经网络中的一些模型 进行统一的图示,便于大家对模型的理解
AnatomyNet-for-anatomical-segmentation
AnatomyNet: Deep 3D Squeeze-and-excitation U-Nets for fast and fully automated whole-volume anatomical segmentation
anomaly-detection-resources
Anomaly detection related books, papers, videos, and toolboxes
apex
A PyTorch Extension: Tools for easy mixed precision and distributed training in Pytorch
ddeeppnneett's Repositories
ddeeppnneett/abstract-art-neural-network
Generating abstract art through neural networks in PyTorch
ddeeppnneett/AnatomyNet-for-anatomical-segmentation
AnatomyNet: Deep 3D Squeeze-and-excitation U-Nets for fast and fully automated whole-volume anatomical segmentation
ddeeppnneett/anomaly-detection-resources
Anomaly detection related books, papers, videos, and toolboxes
ddeeppnneett/auto_deeplab-pytorch
[wip] Implementation of found architecture in Auto Deeplab
ddeeppnneett/awesome-anomaly-detection
A curated list of awesome anomaly detection resources
ddeeppnneett/Bag_of_Tricks_for_Image_Classification_with_Convolutional_Neural_Networks
experiments on Paper <Bag of Tricks for Image Classification with Convolutional Neural Networks> and other useful tricks to improve CNN acc
ddeeppnneett/cascade-rcnn_Pytorch
An implementation of Cascade R-CNN: Delving into High Quality Object Detection.
ddeeppnneett/CGNet
CGNet: A Light-weight Context Guided Network for Semantic Segmentation [arXiv preprint arXiv:1811.08201]
ddeeppnneett/deepmask-pytorch
PyTorch re-implementation of DeepMask
ddeeppnneett/edge-connect
EdgeConnect: Generative Image Inpainting with Adversarial Edge Learning. https://arxiv.org/abs/1901.00212
ddeeppnneett/ENet-Real-Time-Semantic-Segmentation
ENet - A Neural Net Architecture for real time Semantic Segmentation
ddeeppnneett/faceswap
Non official project based on original /r/Deepfakes thread. Many thanks to him!
ddeeppnneett/ice-WACV2018
A PyTorch Implementation of Multi-Task Spatiotemporal Neural Networks for Structured Surface Reconstruction
ddeeppnneett/imgclsmob
Sandbox for training large-scale image classification networks for embedded systems
ddeeppnneett/Keras_ODENet
Implementation of (2018) Neural Ordinary Differential Equations in Keras
ddeeppnneett/LossViz
ddeeppnneett/mixup-cifar10
mixup: Beyond Empirical Risk Minimization
ddeeppnneett/mtl
Unofficial implementation of: Multi-task learning using uncertainty to weigh losses for scene geometry and semantics
ddeeppnneett/pwc
Papers with code. Sorted by stars. Updated weekly.
ddeeppnneett/pytorch-cifar
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet)
ddeeppnneett/pytorch-cifar10
The state-of-the-art algorithms on CIFAR-10 dataset in PyTorch
ddeeppnneett/pytorch-GENet
A Pytorch implementation of https://arxiv.org/abs/1810.12348.
ddeeppnneett/Pytorch-UNet
Pytorch implementation of the U-Net for image semantic segmentation, with dense CRF post-processing
ddeeppnneett/pytorch_image_classification
PyTorch implementation of image classification models for CIFAR-10/CIFAR-100/MNIST/FashionMNIST/Kuzushiji-MNIST
ddeeppnneett/PytorchSSD
pytorch version of SSD and it's enhanced methods such as RFBSSD,FSSD and RefineDet
ddeeppnneett/SE_DenseNet
This is a DensNet which contains a senet (Squeeze-and-Excitation Networks by Jie Hu, Li Shen and Gang Sun) module.
ddeeppnneett/shake-drop_pytorch
PyTorch implementation of shake-drop regularization
ddeeppnneett/snake-ai-reinforcement
AI for Snake game trained from pixels using Deep Reinforcement Learning (DQN).
ddeeppnneett/stylegan
StyleGAN - Official TensorFlow Implementation
ddeeppnneett/tensorpack
A Neural Net Training Interface on TensorFlow, with focus on speed + flexibility