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/AutoML
AutoDeeplab / auto-deeplab / Hierarchical Neural Architecture Search / AutoML for semantic segmentation, implemented in Pytorch
ddeeppnneett/awesome-automl-papers
A curated list of automated machine learning papers, articles, tutorials, slides and projects
ddeeppnneett/Awesome-pytorch-list
A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc.
ddeeppnneett/BASNet
Code for CVPR 2019 paper. BASNet: Boundary-Aware Salient Object Detection
ddeeppnneett/CapsGNN
A PyTorch implementation of "Capsule Graph Neural Network" (ICLR 2019).
ddeeppnneett/custom-scripts
A repository of custom scripts to be used with Sentinel Hub
ddeeppnneett/darts-multi_gpu
Differentiable architecture search for convolutional and recurrent networks
ddeeppnneett/EfficientNets-PyTorch
A PyTorch implementation of " EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks."
ddeeppnneett/Fast-SCNN
Unofficial implementation of Fast-SCNN: Fast Semantic Segmentation Network
ddeeppnneett/Global-Second-order-Pooling-Convolutional-Networks
Global Second-order Pooling Convolutional Networks (cvpr2019 GSoP)
ddeeppnneett/Lightweight-Segmentation
Lightweight models for real-time semantic segmentation(include mobilenetv1-v3, shufflenetv1-v2, igcv3, efficientnet).
ddeeppnneett/lookahead.pytorch
lookahead optimizer (Lookahead Optimizer: k steps forward, 1 step back) for pytorch
ddeeppnneett/MaskTrack_Box
This is simple implementation of MaskTrack_Box only requiring a bounding box for video object segmentation.
ddeeppnneett/ML_GCN
PyTorch implementation of Multi-Label Image Recognition with Graph Convolutional Networks, CVPR 2019.
ddeeppnneett/NAS-FCOS
NAS-FCOS: Fast Neural Architecture Search for Object Detection
ddeeppnneett/nas-segm-pytorch
Code for Fast Neural Architecture Search of Compact Semantic Segmentation Models via Auxiliary Cells, CVPR '19
ddeeppnneett/PC-DARTS
Partial Channel Connections for Memory-Efficient Differentiable Architecture Search
ddeeppnneett/pdarts
Codes for our paper "Progressive Differentiable Architecture Search:Bridging the Depth Gap between Search and Evaluation"
ddeeppnneett/ProxylessNAS
[ICLR 2019] ProxylessNAS: Direct Neural Architecture Search on Target Task and Hardware.
ddeeppnneett/pytorch-3dunet
3D U-Net model for volumetric semantic segmentation written in pytorch
ddeeppnneett/pytorch-crf
Conditional random field in PyTorch.
ddeeppnneett/pytorch-lookahead-optimizer
[WIP] An implementation of arXiv:1907.08610
ddeeppnneett/RAdam
On The Variance Of The Adaptive Learning Rate And Beyond
ddeeppnneett/Ranger-Deep-Learning-Optimizer
Ranger - a synergistic optimizer using RAdam (Rectified Adam) and LookAhead in one codebase
ddeeppnneett/SCARLET-NAS
Bridging the gap Between Scalability and Fairness in Neural Architecture Search
ddeeppnneett/second.pytorch
SECOND for KITTI/NuScenes object detection
ddeeppnneett/segmentation_models
Segmentation models with pretrained backbones. Keras.
ddeeppnneett/Single-Path-NAS-PyTorch
PyTorch implementation of "Single-Path NAS: Device-Aware Efficient ConvNet Design"
ddeeppnneett/Single-Path-One-Shot-NAS
SPOS(Single Path One-Shot Neural Architecture Search with Uniform Sampling) rebuilt in Pytorch with single GPU.
ddeeppnneett/Synchronized-BatchNorm-PyTorch
Synchronized Batch Normalization implementation in PyTorch.