All Projects → YixuanLi → Densenet Tensorflow

YixuanLi / Densenet Tensorflow

Licence: gpl-3.0
DenseNet Implementation in Tensorflow

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Densenet Tensorflow

DenseNet-Cifar10
Train DenseNet on Cifar-10 based on Keras
Stars: ✭ 39 (-93.28%)
Mutual labels:  densenet
Awesome Computer Vision Models
A list of popular deep learning models related to classification, segmentation and detection problems
Stars: ✭ 278 (-52.07%)
Mutual labels:  densenet
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (-31.9%)
Mutual labels:  densenet
chainer-DenseNet
Densely Connected Convolutional Network implementation by Chainer
Stars: ✭ 39 (-93.28%)
Mutual labels:  densenet
DenseNet-MURA-PyTorch
Implementation of DenseNet model on Standford's MURA dataset using PyTorch
Stars: ✭ 59 (-89.83%)
Mutual labels:  densenet
Pytorch Hardnet
35% faster than ResNet: Harmonic DenseNet, A low memory traffic network
Stars: ✭ 293 (-49.48%)
Mutual labels:  densenet
DenseNet-human-pose-estimation
Using DenseNet for human pose estimation based on TensorFlow.
Stars: ✭ 34 (-94.14%)
Mutual labels:  densenet
Densenet Tensorflow
Simple Tensorflow implementation of Densenet using Cifar10, MNIST
Stars: ✭ 490 (-15.52%)
Mutual labels:  densenet
Vision networks
Repo about neural networks for images handling
Stars: ✭ 266 (-54.14%)
Mutual labels:  densenet
Basic cnns tensorflow2
A tensorflow2 implementation of some basic CNNs(MobileNetV1/V2/V3, EfficientNet, ResNeXt, InceptionV4, InceptionResNetV1/V2, SENet, SqueezeNet, DenseNet, ShuffleNetV2, ResNet).
Stars: ✭ 374 (-35.52%)
Mutual labels:  densenet
pytorch2keras
PyTorch to Keras model convertor
Stars: ✭ 788 (+35.86%)
Mutual labels:  densenet
3ddensenet.torch
3D DenseNet(torch version) for ModelNet40 dataset
Stars: ✭ 43 (-92.59%)
Mutual labels:  densenet
Tianchi Medical Lungtumordetect
天池医疗AI大赛[第一季]:肺部结节智能诊断 UNet/VGG/Inception/ResNet/DenseNet
Stars: ✭ 314 (-45.86%)
Mutual labels:  densenet
cifar-tensorflow
No description or website provided.
Stars: ✭ 18 (-96.9%)
Mutual labels:  densenet
Ocr densenet
第一届西安交通大学人工智能实践大赛(2018AI实践大赛--图片文字识别)第一名;仅采用densenet识别图中文字
Stars: ✭ 425 (-26.72%)
Mutual labels:  densenet
CNN-Series-Getting-Started-and-PyTorch-Implementation
我的笔记和Demo,包含分类,检测、分割、知识蒸馏。
Stars: ✭ 49 (-91.55%)
Mutual labels:  densenet
Segmentation models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
Stars: ✭ 3,575 (+516.38%)
Mutual labels:  densenet
Medicalzoopytorch
A pytorch-based deep learning framework for multi-modal 2D/3D medical image segmentation
Stars: ✭ 546 (-5.86%)
Mutual labels:  densenet
Awesome Very Deep Learning
♾A curated list of papers and code about very deep neural networks
Stars: ✭ 435 (-25%)
Mutual labels:  densenet
Densenet Caffe
DenseNet Caffe Models, converted from https://github.com/liuzhuang13/DenseNet
Stars: ✭ 350 (-39.66%)
Mutual labels:  densenet

DenseNet-tensorflow

This repository contains the tensorflow implementation for the paper Densely Connected Convolutional Networks.

The code is developed based on Yuxin Wu's implementation of ResNet (https://github.com/ppwwyyxx/tensorpack/tree/master/examples/ResNet).

Citation:

 @inproceedings{huang2017densely,
      title={Densely connected convolutional networks},
      author={Huang, Gao and Liu, Zhuang and van der Maaten, Laurens and Weinberger, Kilian Q },
      booktitle={Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition},
      year={2017}
  }

Dependencies:

Train a DenseNet (L=40, k=12) on CIFAR-10+ using

python cifar10-densenet.py

In our experiment environment (cudnn v5.1, CUDA 7.5, one TITAN X GPU), the code runs with speed 5iters/s when batch size is set to be 64. The hyperparameters are identical to the original [torch implementation] (https://github.com/liuzhuang13/DenseNet).

Training curves on CIFAR-10+ (~5.77% after 300 epochs)

cifar10

Training curves on CIFAR-100+ (~26.36% after 300 epochs)

cifar100

Differences compared to the original [torch implementation] (https://github.com/liuzhuang13/DenseNet)

  • Preprocessing is not channel-wise, instead we use mean and variances of images.
  • There is no momentum and weight decay applied on the batch normalization parameters (gamma and beta), whereas torch vertison uses both momentum and weight decay on those.

Questions?

Please drop me a line if you have any questions!

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].