All Projects → yxlijun → cifar-tensorflow

yxlijun / cifar-tensorflow

Licence: other
No description or website provided.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to cifar-tensorflow

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)
Stars: ✭ 2,423 (+13361.11%)
Mutual labels:  image-classification, densenet, resnet, mobilenet
Segmentation models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
Stars: ✭ 3,575 (+19761.11%)
Mutual labels:  densenet, resnet, mobilenet
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
Stars: ✭ 720 (+3900%)
Mutual labels:  densenet, resnet, mobilenet
awesome-computer-vision-models
A list of popular deep learning models related to classification, segmentation and detection problems
Stars: ✭ 419 (+2227.78%)
Mutual labels:  image-classification, densenet, resnet
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 (+1977.78%)
Mutual labels:  image-classification, densenet, resnet
Tensornets
High level network definitions with pre-trained weights in TensorFlow
Stars: ✭ 982 (+5355.56%)
Mutual labels:  densenet, resnet, mobilenet
Classification models
Classification models trained on ImageNet. Keras.
Stars: ✭ 938 (+5111.11%)
Mutual labels:  densenet, resnet, mobilenet
Mmclassification
OpenMMLab Image Classification Toolbox and Benchmark
Stars: ✭ 532 (+2855.56%)
Mutual labels:  image-classification, resnet, mobilenet
Awesome Computer Vision Models
A list of popular deep learning models related to classification, segmentation and detection problems
Stars: ✭ 278 (+1444.44%)
Mutual labels:  image-classification, densenet, resnet
pyro-vision
Computer vision library for wildfire detection
Stars: ✭ 33 (+83.33%)
Mutual labels:  image-classification, densenet, resnet
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (+2094.44%)
Mutual labels:  image-classification, densenet, resnet
Bsconv
Reference implementation for Blueprint Separable Convolutions (CVPR 2020)
Stars: ✭ 84 (+366.67%)
Mutual labels:  image-classification, resnet, mobilenet
Efficientnet
Implementation of EfficientNet model. Keras and TensorFlow Keras.
Stars: ✭ 1,920 (+10566.67%)
Mutual labels:  image-classification, mobilenet
DenseNet-Cifar10
Train DenseNet on Cifar-10 based on Keras
Stars: ✭ 39 (+116.67%)
Mutual labels:  densenet, cifar-10
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+983.33%)
Mutual labels:  image-classification, resnet
Nsfw Resnet
🔥🔥NSFW implement in pytorch(色情图&性感图识别,本程序经过了线上大数据集测试,性能优异效果良好)🔥🔥
Stars: ✭ 142 (+688.89%)
Mutual labels:  image-classification, resnet
Iresnet
Improved Residual Networks (https://arxiv.org/pdf/2004.04989.pdf)
Stars: ✭ 163 (+805.56%)
Mutual labels:  image-classification, resnet
tensorflow-classification-network
实现遇到的分类网络(持续更新)
Stars: ✭ 19 (+5.56%)
Mutual labels:  resnet, vggnet
Tensorflow2.0 Examples
🙄 Difficult algorithm, Simple code.
Stars: ✭ 1,397 (+7661.11%)
Mutual labels:  image-classification, resnet
Skin Lesions Classification DCNNs
Transfer Learning with DCNNs (DenseNet, Inception V3, Inception-ResNet V2, VGG16) for skin lesions classification
Stars: ✭ 47 (+161.11%)
Mutual labels:  image-classification, densenet

Train and test CIFAR10 with tensorflow

introduction

various nets implement train and test in cifar10 dataset with tensorflow,the nets include VGG,Resnet,Resnext,mobilenet,SENet,xception and so on


Prepare data,Testing,Training

  1. Clone the cifar-tensorflow repository
 git https://github.com/yxlijun/cifar-tensorflow
  1. Prepare data,run folloing code,generate cifar10_data directory
python tools/cifar10_download_and_extract.py
  1. training
 python train.py --net vgg16
  1. testing
python test.py --net vgg16

####Accuracy

Model Acc.
VGG11 91.35%
VGG13 93.02%
VGG16 93.62%
VGG19 93.75%
Resnet20 94.43%
Resnet32 94.73%
Resnet44 94.82%
Resnet56 95.04%
Xception 95.11%
MobileNet 95.16%
DensetNet40_12 94.24%
DenseNet100_12 95.21%
DenseNet100_24 95.21%
DenseNet100_24 95.21%
ResNext50 95.21%
ResNext101 95.21%
SqueezeNetA 95.21%
SqueezeNetB 95.21%
SE_Resnet_50 95.21%
SE_Resnet_101 95.21%

Net implement

  • VGG
  • ResNet
  • DenseNet
  • mobileNet
  • ResNext
  • Xception
  • SeNet
  • SqueenzeNet
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].