All Projects → guanfuchen → DeepNetModel

guanfuchen / DeepNetModel

Licence: other
记录每一个常用的深度模型结构的特点(图和代码)

Programming Languages

python
139335 projects - #7 most used programming language
Jupyter Notebook
11667 projects

Projects that are alternatives of or similar to DeepNetModel

Tensorrtx
Implementation of popular deep learning networks with TensorRT network definition API
Stars: ✭ 3,456 (+13724%)
Mutual labels:  vgg, resnet, alexnet, googlenet
neural-dream
PyTorch implementation of DeepDream algorithm
Stars: ✭ 110 (+340%)
Mutual labels:  vgg, resnet, inception, googlenet
python cv AI ML
用python做计算机视觉,人工智能,机器学习,深度学习等
Stars: ✭ 73 (+192%)
Mutual labels:  vgg, resnet, alexnet, googlenet
Tianchi Medical Lungtumordetect
天池医疗AI大赛[第一季]:肺部结节智能诊断 UNet/VGG/Inception/ResNet/DenseNet
Stars: ✭ 314 (+1156%)
Mutual labels:  vgg, resnet, inception
Keras-CIFAR10
practice on CIFAR10 with Keras
Stars: ✭ 25 (+0%)
Mutual labels:  vgg, resnet, googlenet
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 (+2780%)
Mutual labels:  vgg, resnet, inception
CNN-Series-Getting-Started-and-PyTorch-Implementation
我的笔记和Demo,包含分类,检测、分割、知识蒸馏。
Stars: ✭ 49 (+96%)
Mutual labels:  vgg, alexnet, googlenet
Tensornets
High level network definitions with pre-trained weights in TensorFlow
Stars: ✭ 982 (+3828%)
Mutual labels:  vgg, resnet, inception
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (+988%)
Mutual labels:  vgg, resnet
tensorflow-classification-network
实现遇到的分类网络(持续更新)
Stars: ✭ 19 (-24%)
Mutual labels:  resnet, alexnet
Ai papers
AI Papers
Stars: ✭ 253 (+912%)
Mutual labels:  vgg, resnet
Faster-RCNN-TensorFlow
TensorFlow implementation of Faster RCNN for Object Detection
Stars: ✭ 13 (-48%)
Mutual labels:  vgg, resnet
Classification models
Classification models trained on ImageNet. Keras.
Stars: ✭ 938 (+3652%)
Mutual labels:  vgg, resnet
Cnn Models
ImageNet pre-trained models with batch normalization for the Caffe framework
Stars: ✭ 355 (+1320%)
Mutual labels:  vgg, resnet
Vgg16 Pytorch
VGG16 Net implementation from PyTorch Examples scripts for ImageNet dataset
Stars: ✭ 26 (+4%)
Mutual labels:  vgg, resnet
CNN-models
YOLO-v2, ResNet-32, GoogLeNet-lite
Stars: ✭ 32 (+28%)
Mutual labels:  resnet, googlenet
RMNet
RM Operation can equivalently convert ResNet to VGG, which is better for pruning; and can help RepVGG perform better when the depth is large.
Stars: ✭ 129 (+416%)
Mutual labels:  vgg, resnet
Imagenet
Pytorch Imagenet Models Example + Transfer Learning (and fine-tuning)
Stars: ✭ 134 (+436%)
Mutual labels:  vgg, resnet
AgeEstimateAdience
Age and Gender Estimation Using Convolutional Neural Network
Stars: ✭ 42 (+68%)
Mutual labels:  vgg, alexnet
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)
Stars: ✭ 126 (+404%)
Mutual labels:  vgg, resnet

DeepNetModel

深度网络模型从LeNet5、AlexNet、VGGNet和ResNet等等不断改进,每一个模型独特的设计思路都值得好好记录下来,本仓库主要为了整理零散的网络资料,力求图示和代码精简地介绍每一个深度网络模型。


网络结构目录

  • face_detection
    • ...
  • object_classification
    • resnet
    • inception
    • network_in_network
    • mobilenet
    • shufflenet
    • alexnet
    • densenet
    • ...
  • object_detection
    • R-FCN
  • misc
    • group_convolution
    • normalization


ResNet

深度残差网络使得百层网络的训练成为可能,其他deep learning模型中大量采用了该架构。

ResNeXt

具体查看resnext

Network in Network

caffe model zoo中提供了ImageNet预训练模型文件Netowork in Network ILSVRC和CIFAR10预训练模型文件Network in Network CIFAR10 Model

Inception v1,v2,v3,v4

增加Inception v1,v2,v3和v4论文思路整理,具体查看inception理解

Xception

增加Xception论文整理思路,具体查看xception

轻量级网络

轻量级网络中经常遇到group convolution结构,相关参考group_convolution理解

MobileNet v1,v2

增加轻量级网络MobileNet v1和v2知识整理,具体查看mobilenet理解

ShuffleNet

增加轻量级网络ShuffleNet知识整理,具体查看shufflenet理解

AlexNet

增加AlexNet知识整理,具体查看alexnet理解

ZFNet

增加ZFNet知识整理,具体查看zfnet理解

VGGNet

增加VGGNet知识整理,具体查看vggnet理解

DenseNet

增加DenseNet知识整理,具体查看densenet理解

R-FCN

增加R-FCN知识整理,具体查看rfcn理解

FPN

参考论文Feature Pyramid Networks for Object Detection

RetinaNet

参考论文Focal Loss for Dense Object Detection

normalization

  • Layer normalization
  • Instance Normalization: The Missing Ingredient for Fast Stylization
  • Weight Normalization: A Simple Reparameterization to Accelerate Training of Deep Neural Networks
  • Batch Renormalization: Towards Reducing Minibatch Dependence in Batch-Normalized Models
  • MegDet: A Large Mini-Batch Object Detector

参考资料

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].