densenet
There are 399 repositories under densenet topic.
OlafenwaMoses/ImageAI
A python library built to empower developers to build applications and systems with self-contained Computer Vision capabilities
qubvel/segmentation_models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
weiaicunzai/pytorch-cifar100
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet, WideResNet)
GeorgeSeif/Semantic-Segmentation-Suite
Semantic Segmentation Suite in TensorFlow. Implement, train, and test new Semantic Segmentation models easily!
black0017/MedicalZooPytorch
A pytorch-based deep learning framework for multi-modal 2D/3D medical image segmentation
bearpaw/pytorch-classification
Classification with PyTorch.
gpleiss/efficient_densenet_pytorch
A memory-efficient implementation of DenseNets
lxztju/pytorch_classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
senlinuc/caffe_ocr
主流ocr算法研究实验性的项目,目前实现了CNN+BLSTM+CTC架构
marcbelmont/cnn-watermark-removal
Fully convolutional deep neural network to remove transparent overlays from images
qubvel/classification_models
Classification models trained on ImageNet. Keras.
taehoonlee/tensornets
High level network definitions with pre-trained weights in TensorFlow
SuperBruceJia/EEG-DL
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
gmalivenko/pytorch2keras
PyTorch to Keras model convertor
bamos/densenet.pytorch
A PyTorch implementation of DenseNet.
BIGBALLON/cifar-10-cnn
Play deep learning with CIFAR datasets
GoogleCloudPlatform/keras-idiomatic-programmer
Books, Presentations, Workshops, Notebook Labs, and Model Zoo for Software Engineers and Data Scientists wanting to learn the TF.Keras Machine Learning framework
taki0112/SENet-Tensorflow
Simple Tensorflow implementation of "Squeeze and Excitation Networks" using Cifar10 (ResNeXt, Inception-v4, Inception-resnet-v2)
titu1994/DenseNet
DenseNet implementation in Keras
BIGBALLON/CIFAR-ZOO
PyTorch implementation of CNNs for CIFAR benchmark
YixuanLi/densenet-tensorflow
DenseNet Implementation in Tensorflow
calmiLovesAI/Basic_CNNs_TensorFlow2
A tensorflow2 implementation of some basic CNNs(MobileNetV1/V2/V3, EfficientNet, ResNeXt, InceptionV4, InceptionResNetV1/V2, SENet, SqueezeNet, DenseNet, ShuffleNetV2, ResNet).
gmalivenko/awesome-computer-vision-models
A list of popular deep learning models related to classification, segmentation and detection problems
taki0112/Densenet-Tensorflow
Simple Tensorflow implementation of Densenet using Cifar10, MNIST
yinchangchang/ocr_densenet
第一届西安交通大学人工智能实践大赛(2018AI实践大赛--图片文字识别)第一名;仅采用densenet识别图中文字
daviddao/awesome-very-deep-learning
♾A curated list of papers and code about very deep neural networks
wikke/Tianchi-Medical-LungTumorDetect
天池医疗AI大赛[第一季]:肺部结节智能诊断 UNet/VGG/Inception/ResNet/DenseNet
jiweibo/ImageNet
This implements training of popular model architectures, such as AlexNet, ResNet and VGG on the ImageNet dataset(Now we supported alexnet, vgg, resnet, squeezenet, densenet)
PingoLH/Pytorch-HarDNet
35% faster than ResNet: Harmonic DenseNet, A low memory traffic network
shicai/DenseNet-Caffe
DenseNet Caffe Models, converted from https://github.com/liuzhuang13/DenseNet
thtang/CheXNet-with-localization
Weakly Supervised Learning for Findings Detection in Medical Images
brucechou1983/CheXNet-Keras
This project is a tool to build CheXNet-like models, written in Keras.
hli1221/imagefusion_densefuse
DenseFuse (IEEE TIP 2019, Highly Cited Paper) - Python 3.6, TensorFlow 1.8.0
ikhlestov/vision_networks
Repo about neural networks for images handling
soapisnotfat/pytorch-cifar10
pytorch and cifar10
Kedreamix/Pytorch-Image-Classification
用于pytorch的图像分类,包含多种模型方法,比如AlexNet,VGG,GoogleNet,ResNet,DenseNet等等,包含可完整运行的代码。除此之外,也有colab的在线运行代码,可以直接在colab在线运行查看结果。也可以迁移到自己的数据集进行迁移学习。