Code Monkey home page Code Monkey logo

mxnet-model-gallery's Introduction

Model Gallery

GitHub license

All models are hosted at http://data.dmlc.ml/mxnet/models/ and licensed under CC0.

This model is a pretrained model on ILSVRC2012 dataset. This model is able to achieve 54.5% Top-1 Accuracy and 78.3% Top-5 accuracy on ILSVRC2012-Validation Set.

This model is a pretrained model on ILSVRC2012 dataset. This model is able to achieve 58.8% Top-1 Accuracy and 81.3% Top-5 accuracy on ILSVRC2012-Validation Set.

This model is a pretrained model on ILSVRC2012 dataset. This model is able to achieve 55.4% Top-1 Accuracy and 78.8% Top-5 accuracy on ILSVRC2012-Validation Set.

This model is a pretrained model on ILSVRC2012 dataset. This model is able to achieve 71.0% Top-1 Accuracy and 89.8% Top-5 accuracy on ILSVRC2012-Validation Set.

This model is a pretrained model on ILSVRC2012 dataset. This model is able to achieve 71.0% Top-1 Accuracy and 89.8% Top-5 accuracy on ILSVRC2012-Validation Set.

This model is a pretrained model on ILSVRC2012 dataset. This model is able to achieve 72.5% Top-1 Accuracy and 90.8% Top-5 accuracy on ILSVRC2012-Validation Set.

This model is converted from TensorFlow released pretrained model. By single crop on 299 x 299 image from 384 x 384 image, this model is able to achieve 76.88% Top-1 Accuracy and 93.344% Top-5 Accuracy on ILSVRC2012-Validation Set.

This model is a pretrained model on full imagenet dataset with 14,197,087 images in 21,841 classes. The model is trained by only random crop and mirror augmentation. This model is able to achieve 37.19% Top-1 accuracy on training data. This model is about 50% more complex than standard Inception-BN Network

mxnet-model-gallery's People

Contributors

antinucleon avatar austingg avatar erogol avatar lyttonhao avatar mli avatar pcampr avatar piiswrong avatar rupeshs avatar winstywang avatar yzhliu avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

mxnet-model-gallery's Issues

Inception V3 gives wrong predictions

I guess there is something wrong about the released network or at least the preprocessing code. I tried to use prediction-with-pretrained example but the results are mistaken.

I also realized that output layer has 1008 nodes where as the label txt has 1001 classes

Full ImageNet Model

Hi,

Apart from this imagenet Model trained on all the 21k synsets, are there any other models that have done the same ?
for example ResNet with 21k+ classes trained ?

Counting the features identified

Hi

When I run classification on an image, i am able to extract the top N predicted tags. I can also extract the 1000 or 21000+ length probability array for each class.

Now, for example I have an image of a house with 2 doors. The Classifier can predict door with some probability. I wanted to know if i can tap into some layer of the model to find out how many doors were there ? I am assuming that the classifier will update the probability of the door , if it encounters it for he second time. So, is there a way I can count the number of such tags or such synsets that it has predicted by the classifier ?

Different pre-processing pipelines for different models?

I noticed that there are different image pre-processing pipelines for different models.

For Inception-BN, the images should be normalized with the mean_224.nd:

mean_img = mx.nd.load("Inception/mean_224.nd")["mean_img"]
normed_img = sample - mean_img.asnumpy()

For Inception-V3, the images should be:

normed_img = sample - 128.
normed_img /= 128.

For Inception-BN-21k, the images should be:

normed_img = sample - 117.

Am I correct with the above settings?

Alternative ways to access model zip file

I want to download the new inception-v3 file, but find the lfs data quota is exceeded. Is there any alternative way to access the model zip file?

Here is what I've got after running lfs pull:

(0 of 3 files) 0 B / 244.38 MB
This repository is over its data quota. Purchase more data packs to restore access.
Docs: https://help.github.com/articles/purchasing-additional-storage-and-bandwidth-for-an-organization/

Unable to download Inception-v3

Hi,

I have been trying to download the Inception-V3 model from the given website from the past couple of days but, the link seems to be down. Has the file been shifted?

Thanks,
Daksh

RuntimeError: prob_label is not presented

#Hi,

I got an RuntimeError: prob_label is not presented when I run [http://mxnet.io/tutorials/python/predict_imagenet.html](Example : Predict with pretrained model) with pretrained model https://github.com/dmlc/mxnet-model-gallery/blob/master/imagenet-1k-nin.md.

first , I load pretrained model follow the tutorial:

import mxnet as mx
sym, arg_params, aux_params = mx.model.load_checkpoint('nin', 0)

I found 'prob_label' in sym.list_arguments() but it is not exists in 'arg_params'

when I create a model for this model on GPU 0 like this:

mod = mx.mod.Module(symbol=sym, context=mx.gpu())
mod.bind(for_training=False, data_shapes=[('data', (1,3,224,224))])
mod.set_params(arg_params, aux_params)

the error occurs at mod.set_params(arg_params, aux_params) ,

Traceback (most recent call last):
  File "loadmodel.py", line 7, in <module>
    mod.set_params(arg_params, aux_params,allow_missing=False)
  File "/usr/local/lib/python2.7/dist-packages/mxnet-0.7.0-py2.7.egg/mxnet/module/base_module.py", line 483, in set_params
    allow_missing=allow_missing, force_init=force_init)
  File "/usr/local/lib/python2.7/dist-packages/mxnet-0.7.0-py2.7.egg/mxnet/module/module.py", line 198, in init_params
    _impl(name, arr, arg_params)
  File "/usr/local/lib/python2.7/dist-packages/mxnet-0.7.0-py2.7.egg/mxnet/module/module.py", line 191, in _impl
    raise RuntimeError("%s is not presented" % name)
RuntimeError: prob_label is not presented


how can I fix this?

NSFW model

Do you have a pretrained model for predicting NSFW images using mxnet?

thanks.

different goal: classify landscape

Hi all!
I would be interested in classify just few of all the labels (seashore, lakeshore and alp). How could I go through this, maybe modifying one of the already existing pre-trained model? Thanks in advance!

Inception-v3, I use C++ to achieve preprocess, but all predict false

My code as follows:

122 cv::Mat im_ori = cv::imread(image_file, 1);
123 /*
124 * preprocess image as Inception_v3 required
125 * crop -> resize -> normlize (-mean)/std
126 /
127 int short_edge;
128 if(im_ori.rows > im_ori.cols)
129 {
130 short_edge = im_ori.cols;
131 }
132 else
133 {
134 short_edge = im_ori.rows;
135 }
136 //printf("image size, row = %d, col = %d, short_edge = %d\n", im_ori.rows, im_ori.cols, short_edge);
137 int yMin = (im_ori.rows - short_edge) / 2;
138 int xMin = (im_ori.cols - short_edge) / 2;
139 int xMax = xMin + short_edge;
140 int yMax = yMin + short_edge;
141 cv::Mat croppedImg;
142 im_ori(cv::Rect(xMin,yMin,xMax,yMax)).copyTo(croppedImg);
143 //cv::imwrite("ori.jpg", im_ori);
144 //cv::imwrite("crop.jpg", croppedImg);
145
146 cv::Mat im;
147 resize(croppedImg, im, resize_size);
148 //cv::imwrite("resize.jpg", im);
149 int size = im.rows * im.cols;
150 mx_float
ptr_image_r = image_data;
151 for(int i = 0; i < im.rows; i++)
152 {
153 uchar* data = im.ptr(i);
154 for(int j = 0; j < im.cols; j++)
155 {
156 mx_float r = (data[j] * 256 - 128) / 128.0;
157 *ptr_image_r++ = r;
158 }
159 }

I read preprocessing.py, it first crop, then resize, at last normalization.

Are my codes wrong?

The Inception-BN Network needs to be updated

The Inception-BN Network in mxnet-model-gallery needs to be updated:

  1. The inception-bn.tar.gz contains the old model that doesn't work any more.
  2. imagenet-1k-inception-bn.md doesn't contain information about the file 'mean_224.nd'(in the tar.gz) that the inception model depends on.

Not able to download Inception V3 pre-trained weights

Hi I am trying to use Inception V3 for my image classification project. But while trying to load the model, its giving me download error as below

model=InceptionV3()
Downloading data from https://github.com/fchollet/deep-learning-models/releases/download/v0.5/inception_v3_weights_tf_dim_ordering_tf_kernels.h5

Exception: URL fetch failure on https://github.com/fchollet/deep-learning-models/releases/download/v0.5/inception_v3_weights_tf_dim_ordering_tf_kernels.h5 : None -- [WinError 10060] A connection attempt failed because the connected party did not properly respond after a period of time, or established connection failed because connected host has failed to respond

Howevr I have download the "inception_v3_weights_tf_dim_ordering_tf_kernels.h5" file, but I don't know how to use this file.

Please help me solve either of my problem.

Thanks

Source Code of pretrained model

Hi there,

I appreciate the pretrained model shared on links. However, I want to try adjustments on these models, so surgery on symbol.json does not seem like the proper way. where could I find the source code for symbol.json?

Convert Inception21k to PyTorch

Hi,

I am trying to convert the Inception21k model to PyTorch. I used the MMdnn tool to do the conversion; however, I am only seeing 65% top1 accuracy on the validation set (below the reported 68%).

What was the image preprocessing used to train the network? Currently I am doing:

  1. Resize shortest size of image to 256
  2. Center crop to 224
  3. Multiply by 255 to scale image input range to [0, 255]
  4. Subtract mean of 117 from the image

Is this correct?

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    ๐Ÿ–– Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. ๐Ÿ“Š๐Ÿ“ˆ๐ŸŽ‰

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google โค๏ธ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.