HyperAIHyperAI

Command Palette

Search for a command to run...

5 months ago

Densely Connected Convolutional Networks

Gao Huang; Zhuang Liu; Laurens van der Maaten; Kilian Q. Weinberger

Densely Connected Convolutional Networks

Abstract

Recent work has shown that convolutional networks can be substantially deeper, more accurate, and efficient to train if they contain shorter connections between layers close to the input and those close to the output. In this paper, we embrace this observation and introduce the Dense Convolutional Network (DenseNet), which connects each layer to every other layer in a feed-forward fashion. Whereas traditional convolutional networks with L layers have L connections - one between each layer and its subsequent layer - our network has L(L+1)/2 direct connections. For each layer, the feature-maps of all preceding layers are used as inputs, and its own feature-maps are used as inputs into all subsequent layers. DenseNets have several compelling advantages: they alleviate the vanishing-gradient problem, strengthen feature propagation, encourage feature reuse, and substantially reduce the number of parameters. We evaluate our proposed architecture on four highly competitive object recognition benchmark tasks (CIFAR-10, CIFAR-100, SVHN, and ImageNet). DenseNets obtain significant improvements over the state-of-the-art on most of them, whilst requiring less computation to achieve high performance. Code and pre-trained models are available at https://github.com/liuzhuang13/DenseNet .

Code Repositories

wangbinglin1995/tianchi
tf
Mentioned in GitHub
jiweibo/imagenet
pytorch
Mentioned in GitHub
rafaelmata357/Flower-image-classifier
pytorch
Mentioned in GitHub
syiin/ann_cancer_detection
Mentioned in GitHub
arnavdodiedo/DenseNet-MNIST
tf
Mentioned in GitHub
mlvccn/bmtc_transferattackvid
pytorch
Mentioned in GitHub
yichigo/Chest-X-Ray
pytorch
Mentioned in GitHub
taylor-914/DenseNet
tf
Mentioned in GitHub
modelhub-ai/densenet
Mentioned in GitHub
liuzhuang13/DenseNet
Official
pytorch
Mentioned in GitHub
Ciprian95/Licenta
tf
Mentioned in GitHub
jmesich/chestxray
pytorch
Mentioned in GitHub
lpirola13/flower_recognizer
tf
Mentioned in GitHub
atapour/ransomware-classification
pytorch
Mentioned in GitHub
minggli/DenseNet
tf
Mentioned in GitHub
aimbsg/EVA4_S15
pytorch
Mentioned in GitHub
HLinShan/vision_networks
tf
Mentioned in GitHub
idobronstein/vision_networks
tf
Mentioned in GitHub
jbernoz/deeppolyp
Mentioned in GitHub
ayushpatidar/PR1-DenseNet
pytorch
Mentioned in GitHub
RajuGudhe/Cancer_Tissue_Detection
pytorch
Mentioned in GitHub
pudae/tensorflow-densenet
tf
Mentioned in GitHub
pacharadanait/Densnet_project
tf
Mentioned in GitHub
Mnpr/OC-DeepLearning
Mentioned in GitHub
pyaf/DenseNet-MURA-PyTorch
pytorch
Mentioned in GitHub
sangHa0411/ImageNet
pytorch
Mentioned in GitHub
SimJeg/FC-DenseNet
Mentioned in GitHub
andreasveit/densenet-pytorch
pytorch
Mentioned in GitHub
CeLaMbDa/DenseNet_keras
Mentioned in GitHub
seasonyc/densenet
tf
Mentioned in GitHub
bhaskar-gaur/DenseNet-Keras
tf
Mentioned in GitHub
DeepTrial/Retina-VesselNet
tf
Mentioned in GitHub
hycis/TensorGraph
tf
Mentioned in GitHub
Yeeun-Lee/parrot_proj1
Mentioned in GitHub
ihamdi/Covid-xRay-Classification
pytorch
Mentioned in GitHub
muditrastogi/chestai
pytorch
Mentioned in GitHub
ikhlestov/vision_networks
tf
Mentioned in GitHub
lpirola13/flower-recognizer
tf
Mentioned in GitHub
mindspore-courses/MindSpore-classification
mindspore
Mentioned in GitHub
xypan1232/iDeepE
pytorch
Mentioned in GitHub
satishjasthi/Densenet_smplified
tf
Mentioned in GitHub
YixuanLi/densenet-tensorflow
tf
Mentioned in GitHub
fabiofumarola/ultrayolo
tf
Mentioned in GitHub
albarji/neurowriter
tf
Mentioned in GitHub
GeoTrouvetout/Vehicle_ReID
pytorch
Mentioned in GitHub
bfortuner/pytorch_tiramisu
pytorch
Mentioned in GitHub
marload/ConvNets-TensorFlow2
tf
Mentioned in GitHub
boris127/vehicle-detection
Mentioned in GitHub
IMvision12/keras-vision-models
pytorch
Mentioned in GitHub
asprenger/keras_fc_densenet
tf
Mentioned in GitHub
SANKHA1/Vehicle-Detection
Mentioned in GitHub
johntd54/stanford_car
pytorch
Mentioned in GitHub
mrkolarik/3d-brain-segmentation
tf
Mentioned in GitHub
gaetandi/cheXpert
pytorch
Mentioned in GitHub
gargarchit/60DaysOfUdacity
pytorch
Mentioned in GitHub
lab-midas/med_segmentation
tf
Mentioned in GitHub
asad-62/IVP-DNN
tf
Mentioned in GitHub
osmr/imgclsmob
mxnet
Mentioned in GitHub
Stomper10/CheXpert
pytorch
Mentioned in GitHub
UESBTC/DenseNet-Tensorflow
tf
Mentioned in GitHub
pmcgrath249/DeepCV_Lab
pytorch
Mentioned in GitHub
cmasch/densenet
tf
Mentioned in GitHub
pmcgrath249/DMMFODS
pytorch
Mentioned in GitHub
okason97/handshape-recognition
tf
Mentioned in GitHub
RaghavHub/rekuten_hack
tf
Mentioned in GitHub
ericjang/odin
pytorch
Mentioned in GitHub
priyavrat-misra/xrays-and-gradcam
pytorch
Mentioned in GitHub
fengjiqiang/pretrainedmodel_pytorch
pytorch
Mentioned in GitHub
ByakuyaUncia/DenseNetUncia
tf
Mentioned in GitHub
bamos/densenet.pytorch
pytorch
Mentioned in GitHub
Duplums/bhb10k-dl-benchmark
pytorch
Mentioned in GitHub
Mayurji/Image-Classification-PyTorch
pytorch
Mentioned in GitHub
Hashir44/muraxray
pytorch
Mentioned in GitHub
midusi/cacic2019-handshapes
tf
Mentioned in GitHub
swxhss/densenet_tensorflow
tf
Mentioned in GitHub
okason97/DenseNet-Tensorflow2
tf
Mentioned in GitHub
rajkumargithub/densenet.mura
pytorch
Mentioned in GitHub
zjZSTU/ResNet
pytorch
Mentioned in GitHub
Deci-AI/super-gradients
pytorch
Mentioned in GitHub
YerevaNN/DIIN-in-Keras
Mentioned in GitHub
noahfl/densenet-sdr
tf
Mentioned in GitHub
cges60809/DenseNet
tf
Mentioned in GitHub
pmcgrath249/DeepCVLab
pytorch
Mentioned in GitHub
datoboat/Vehicle-Detection
Mentioned in GitHub
ShiyuLiang/odin-pytorch
pytorch
Mentioned in GitHub
liuzhuang13/DenseNetCaffe
caffe2
Mentioned in GitHub
sparvangada/capstone_project
pytorch
Mentioned in GitHub
titu1994/DenseNet
tf
Mentioned in GitHub
DaikiTanak/manifold_mixup
pytorch
Mentioned in GitHub
miraclewkf/densenet
mxnet
Mentioned in GitHub
yw0nam/DenseNet
tf
Mentioned in GitHub
JTan2231/DenseNet
tf
Mentioned in GitHub
earthLD/Algorithm
tf
Mentioned in GitHub
LJKS/noplants
tf
Mentioned in GitHub
Anil1331/DenseNet
Mentioned in GitHub
lionelmessi6410/ntga
jax
Mentioned in GitHub
AirBernard/DenseNet-by-Pytorch
pytorch
Mentioned in GitHub
bozliu/E2E-Keyword-Spotting
pytorch
Mentioned in GitHub
flyyufelix/DenseNet-Keras
tf
Mentioned in GitHub
p-mc-grath/DMMFODS
pytorch
Mentioned in GitHub
jonnor/datascience-master
Mentioned in GitHub

Benchmarks

BenchmarkMethodologyMetrics
breast-tumour-classification-on-pcamDenseNet-121 (e)
AUC: 0.921
classification-on-indlDenseNet201
Average Recall: 90.99%
classification-on-ximagenet-12DenseNet121
Robustness Score: 0.9062
crowd-counting-on-ucf-qnrfDensenet201
MAE: 163
image-classification-on-cifar-10DenseNet (DenseNet-BC-190)
Percentage correct: 96.54
image-classification-on-cifar-100DenseNet
Percentage correct: 82.62
image-classification-on-cifar-100DenseNet-BC
Percentage correct: 82.82
image-classification-on-gashissdbDenseNet-169
Accuracy: 96.90
F1-Score: 98.38
Precision: 99.91
image-classification-on-imagenetDenseNet-201
Top 1 Accuracy: 77.42%
image-classification-on-imagenetDenseNet-121
Top 1 Accuracy: 74.98%
image-classification-on-imagenetDenseNet-169
Top 1 Accuracy: 76.2%
image-classification-on-imagenetDenseNet-264
Top 1 Accuracy: 77.85%
image-classification-on-svhnDenseNet
Percentage error: 1.59
medical-image-classification-on-nct-crc-heDenseNet-169
Accuracy (%): 94.41
F1-Score: 96.90
Precision: 99.87
Specificity: 99.30
pedestrian-attribute-recognition-on-uav-humanDenseNet
Backpack: 63.9
Gender: 75.0
Hat: 67.2
LCC: 54.6
LCS: 68.9
UCC: 49.8
UCS: 73.0

Build AI with AI

From idea to launch — accelerate your AI development with free AI co-coding, out-of-the-box environment and best price of GPUs.

AI Co-coding
Ready-to-use GPUs
Best Pricing
Get Started

Hyper Newsletters

Subscribe to our latest updates
We will deliver the latest updates of the week to your inbox at nine o'clock every Monday morning
Powered by MailChimp
Densely Connected Convolutional Networks | Papers | HyperAI