[GitHub] zhaoningning commented on issue #7414: why rnn train speed is not stable,sometims very slow?

2017-08-10 Thread git
zhaoningning commented on issue #7414: why rnn train speed is not 
stable,sometims very slow?
URL: 
https://github.com/apache/incubator-mxnet/issues/7414#issuecomment-321734980
 
 
   I used mxnet.callback.Speedometer, so yes, I think 30 samples/sec is the 
mean speed  for a batch,and I fixed the input image size, so it's not variable 
sequence length;  
   
   ps: I tried training two models at the same time(using the same cnn+rnn ) 
with different gpus on a server,the training  speeds of two process almost the 
same,and when one training speed become 600 samples/sec, the other training 
speed also grow to nearly 600 samples/sec, when one training speed slow 
down,the other training slow down  as well;  And  during the low training speed 
time, most of cpus is  free, and gpus are  almost free.
   
   
   
   
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] akturtle commented on issue #7281: Gradient function not returning enough gradient

2017-08-10 Thread git
akturtle commented on issue #7281: Gradient function not returning enough 
gradient
URL: 
https://github.com/apache/incubator-mxnet/issues/7281#issuecomment-321734174
 
 
   @eldercrow Do you use some custom layers?
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] thirdwing commented on issue #7375: Can I set instance weight when training?

2017-08-10 Thread git
thirdwing commented on issue #7375: Can I set instance weight when training?
URL: 
https://github.com/apache/incubator-mxnet/issues/7375#issuecomment-321731082
 
 
   Can you give more details on what you mean by "set instance weight"?
   
   I am sorry that I don't understand your problem.
   
   On 10 Aug 2017 8:10 p.m., "reg.zhuce"  wrote:
   
   @thirdwing  Thanks
   Any proposals for my problem?
   
   ?
   You are receiving this because you were mentioned.
   Reply to this email directly, view it on GitHub
   
,
   or mute the thread
   

   .
   
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] eric-haibin-lin commented on issue #7414: why rnn train speed is not stable,sometims very slow?

2017-08-10 Thread git
eric-haibin-lin commented on issue #7414: why rnn train speed is not 
stable,sometims very slow?
URL: 
https://github.com/apache/incubator-mxnet/issues/7414#issuecomment-321729637
 
 
   Is 30 samples/sec the speed for a batch? Do you have variable sequence 
length? 
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] ysh329 commented on a change in pull request #7363: Add tensorboard configure into ./common/fit.py and ./train_mnist.py

2017-08-10 Thread git
ysh329 commented on a change in pull request #7363: Add tensorboard configure 
into ./common/fit.py and ./train_mnist.py
URL: https://github.com/apache/incubator-mxnet/pull/7363#discussion_r132612116
 
 

 ##
 File path: example/image-classification/common/fit.py
 ##
 @@ -168,10 +168,16 @@ def fit(args, network, data_loader, **kwargs):
 
 # callbacks that run after each batch
 batch_end_callbacks = [mx.callback.Speedometer(args.batch_size, 
args.disp_batches)]
+eval_end_callbacks = []
 if 'batch_end_callback' in kwargs:
 cbs = kwargs['batch_end_callback']
 batch_end_callbacks += cbs if isinstance(cbs, list) else [cbs]
 
 Review comment:
   @zihaolucky 
   I assigned `eval_end_callbacks` with same value as `batch_end_ballbacks`, 
but log about validation set still print for each epoch, not 
`args.disp_batches`.
   ```Python
batch_end_callbacks = [mx.callback.Speedometer(args.batch_size, 
args.disp_batches)]
   eval_end_callbacks = [mx.callback.Speedometer(args.batch_size, 
args.disp_batches)]
   ```
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] DickJC123 opened a new pull request #7425: Tensorcore fullyconnected support

2017-08-10 Thread git
DickJC123 opened a new pull request #7425: Tensorcore fullyconnected support
URL: https://github.com/apache/incubator-mxnet/pull/7425
 
 
   Adds TensorCore algo support to the FullyConnected operator for users with 
NVIDIA Volta / cuda9 / cudnn7.  On by default, this can be disabled through an 
environment variable as in:
   
   export MXNET_CUDA_ALLOW_TENSOR_CORE=0
   
   Applies to float16 I/O instances only.
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] ysh329 commented on issue #7424: train_mnist.py failed: TypeError: __init__() got an unexpected keyword argument 'multi_precision'

2017-08-10 Thread git
ysh329 commented on issue #7424: train_mnist.py failed: TypeError: __init__() 
got an unexpected keyword argument 'multi_precision'
URL: 
https://github.com/apache/incubator-mxnet/issues/7424#issuecomment-321723869
 
 
   @ptrendx @mli @howard0su 
   After I comment this line below about `multi_precision`, it's fixed. It 
seems a not complete feature?
   ```Python
   optimizer_params = {
   'learning_rate': lr,
   'momentum' : args.mom,
   'wd' : args.wd,
   'lr_scheduler': lr_scheduler,}
   #'multi_precision': True}
   ```
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] regzhuce commented on issue #7375: Can I set instance weight when training?

2017-08-10 Thread git
regzhuce commented on issue #7375: Can I set instance weight when training?
URL: 
https://github.com/apache/incubator-mxnet/issues/7375#issuecomment-321723588
 
 
   @thirdwing Thanks
   Any proposals for my problem?
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] piiswrong commented on issue #7393: add depthwise convolution's gpu version optimization

2017-08-10 Thread git
piiswrong commented on issue #7393: add depthwise convolution's gpu version 
optimization
URL: https://github.com/apache/incubator-mxnet/pull/7393#issuecomment-321722267
 
 
   @crazy-cat Still not compiling on windows: 
https://builds.apache.org/blue/organizations/jenkins/incubator-mxnet/detail/PR-7393/2/pipeline
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] ysh329 opened a new issue #7424: train_mnist.py failed: TypeError: __init__() got an unexpected keyword argument 'multi_precision'

2017-08-10 Thread git
ysh329 opened a new issue #7424: train_mnist.py failed: TypeError: __init__() 
got an unexpected keyword argument 'multi_precision'
URL: https://github.com/apache/incubator-mxnet/issues/7424
 
 
   Release 0.10.0 is okay.   
   However, Current master branch (git clone --recursive 
https://github.com/apache/incubator-mxnet.git) occurs this problem as below 
(running in the official docker, then I cloned from github.com and run this 
train_mnist.py) :   
   ```Shell
   root@8acd2b8afd12:~/incubator-mxnet-origin/example/image-classification# 
python train_mnist.py
   INFO:root:start with arguments Namespace(add_stn=False, batch_size=64, 
disp_batches=100, dtype='float32', gpus=None, kv_store='device', 
load_epoch=None, lr=0.05, lr_factor=0.1, lr_step_epochs='10', 
model_prefix=None, mom=0.9, monitor=0, network='mlp', num_classes=10, 
num_epochs=20, num_examples=6, num_layers=None, optimizer='sgd', test_io=0, 
top_k=0, wd=0.0001)
   Traceback (most recent call last):
 File "train_mnist.py", line 91, in 
   eval_end_callback = eval_end_callbacks)
 File 
"/root/incubator-mxnet-origin/example/image-classification/common/fit.py", line 
207, in fit
   monitor= monitor)
 File "/mxnet/python/mxnet/module/base_module.py", line 465, in fit
   optimizer_params=optimizer_params)
 File "/mxnet/python/mxnet/module/module.py", line 478, in init_optimizer
   **optimizer_params)
 File "/mxnet/python/mxnet/optimizer.py", line 128, in create_optimizer
   return Optimizer.opt_registry[name.lower()](**kwargs)
 File "/mxnet/python/mxnet/optimizer.py", line 328, in __init__
   super(SGD, self).__init__(**kwargs)
   TypeError: __init__() got an unexpected keyword argument 'multi_precision'
   ```
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] chinakook commented on issue #7393: add depthwise convolution's gpu version optimization

2017-08-10 Thread git
chinakook commented on issue #7393: add depthwise convolution's gpu version 
optimization
URL: https://github.com/apache/incubator-mxnet/pull/7393#issuecomment-321719808
 
 
   Nice work, It's a good feature for mobilenet!
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] EsraaRagaa opened a new issue #7422: Data provided by data_shapes don't match names specified by data_names

2017-08-10 Thread git
EsraaRagaa opened a new issue #7422: Data provided by data_shapes don't match 
names specified by data_names
URL: https://github.com/apache/incubator-mxnet/issues/7422
 
 
   I am trying to train my data with mxnet, the data are 20x20 images
   I put my data in a csv files in the form:
   label, pixel1, pixel2, ..., pixel400
   0,...
   1,...
   and my labels are 0 or 1,
   this is the code I used:
   batch_size = 2
   
   
   train_iterator = mx.io.NDArrayIter(X_train, Y_train, batch_size=batch_size)
   validate_iterator = mx.io.NDArrayIter(X_validate, Y_validate, 
batch_size=batch_size)
   
   ##first convelutional layer
   conv1 = mx.sym.Convolution(data=data, kernel=(3,3), num_filter=6)
   relu1 = mx.sym.Activation(data=conv1, act_type="relu")
   pool1 = mx.sym.Pooling(data=relu1, pool_type="max", kernel=(2,2), 
stride=(2,2))
   
   ##second convelutional layer
   conv2 = mx.sym.Convolution(data=pool1, kernel=(6,6), num_filter=12)
   relu2 = mx.sym.Activation(data=conv2, act_type="relu")
   pool2 = mx.sym.Pooling(data=relu2, pool_type="max", kernel=(2,2), 
stride=(2,2))
   
   ##first fully connected layer
   flatten = mx.sym.flatten(data=pool2)
   fc1 = mx.symbol.FullyConnected(data=flatten, num_hidden=12 )
   
   ##softmax loss
   lenet = mx.sym.SoftmaxOutput(data=fc1, name='softmax')
   
   ##create a trainable module on CPU 0
   lenet_model = mx.mod.Module(symbol=lenet, context=mx.cpu())
   device = mx.cpu()
   
   ##train using parameters
   
   '''
   model = mx.model.FeedForward.create(lenet_model,
   X = X_train,
   y = Y_train,
   ctx = device,
   num_epoch = 10)
   '''
   lenet_model.fit(train_iterator,
eval_data=validate_iterator,
optimizer='sgd',
optimizer_params={'learning_rate':0.1},
eval_metric='acc',
batch_end_callback = 
mx.callback.Speedometer(batch_size, 100),
num_epoch=10)
   # the error is:
Traceback (most recent call last):
   
 File "", line 7, in 
   num_epoch=10)
   
 File 
"C:\Users\...\Anaconda2\lib\site-packages\mxnet-0.10.1-py2.7.egg\mxnet\module\base_module.py",
 line 459, in fit
   for_training=True, force_rebind=force_rebind)
   
 File 
"C:\Users\...\Anaconda2\lib\site-packages\mxnet-0.10.1-py2.7.egg\mxnet\module\module.py",
 line 372, in bind
   self.data_names, self.label_names, data_shapes, label_shapes)
   
 File 
"C:\Users\...\Anaconda2\lib\site-packages\mxnet-0.10.1-py2.7.egg\mxnet\module\base_module.py",
 line 70, in _parse_data_desc
   _check_names_match(data_names, data_shapes, 'data', True)
   
 File 
"C:\Users\...\Anaconda2\lib\site-packages\mxnet-0.10.1-py2.7.egg\mxnet\module\base_module.py",
 line 62, in _check_names_match
   raise ValueError(msg)
   
   ValueError: Data provided by data_shapes don't match names specified by 
data_names ([DataDesc[_0_data,(2,),,NCHW], 
DataDesc[_1_data,(2,),,NCHW], DataDesc[_2_data,(2,),,NCHW], DataDesc[_3_data,(2,),,NCHW], 
DataDesc[_4_data,(2,),,NCHW], DataDesc[_5_data,(2,),,NCHW], DataDesc[_6_data,(2,),,NCHW], 
DataDesc[_7_data,(2,),,NCHW], DataDesc[_8_data,(2,),,NCHW], DataDesc[_9_data,(2,),,NCHW], 
DataDesc[_10_data,(2,),,NCHW], 
DataDesc[_11_data,(2,),,NCHW], 
DataDesc[_12_data,(2,),,NCHW], 
DataDesc[_13_data,(2,),,NCHW], 
DataDesc[_14_data,(2,),,NCHW], 
DataDesc[_15_data,(2,),,NCHW], 
DataDesc[_16_data,(2,),,NCHW], DataDesc[_17_data,(
 2,),,NCHW],
   ...
   ...
   ...
   ...
   , DataDesc[_2773_data,(2,),,NCHW], 
DataDesc[_2774_data,(2,),,NCHW], 
DataDesc[_2775_data,(2,),,NCHW], 
DataDesc[_2776_data,(2,),,NCHW], 
DataDesc[_2777_data,(2,),,NCHW]] vs. ['data'])
   
   # What should the data look like, what is wrong in the code, please?
   I am using win10, python2, mxnet 0.10, anaconda2
   Thanks in advance
   
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] rahul003 opened a new pull request #7421: Resolve more compile warnings

2017-08-10 Thread git
rahul003 opened a new pull request #7421: Resolve more compile warnings
URL: https://github.com/apache/incubator-mxnet/pull/7421
 
 
   All sign compare warnings. Warnings in fIrst two files showed up on GPU and 
the last file is a test file which had sign compare warnings. All of these 
occurrences don't need sign for the variable.
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] EsraaRagaa opened a new issue #7420: How to pass CSVIter (images flatten in .csv file) to MXNet ?

2017-08-10 Thread git
EsraaRagaa opened a new issue #7420: How to pass CSVIter (images flatten in 
.csv file) to MXNet ?
URL: https://github.com/apache/incubator-mxnet/issues/7420
 
 
   # Hello, 
   I am trying to train my data with mxnet, the data are 20x20 images 
   I put my data in a csv files in the form:
   label, pixel1, pixel2, ..., pixel400
   0,...
   1,...
   and my labels are 0 or 1, 
   # this is the code I used:
   -
   train_data = pd.read_csv("training_set_flatten_rows_mxnet.csv")
   keys = ['pixel.'+str(i) for i in range(1,402)]
   X_train = train_data[keys[1:]].get_values()
   X_train = X_train.reshape((2779,1,20,20))
   Y_train = train_data['pixel.1'].get_values().reshape((2779,1))
   
   validate_data = pd.read_csv("validation_set_flatten_rows_mxnet.csv")
   keys = ['pixel.'+str(i) for i in range(1,402)]
   X_validate = validate_data[keys[1:]].get_values()
   X_validate = X_validate.reshape((692,1,20,20))
   Y_validate = validate_data['pixel.1'].get_values().reshape((692,1))
   
   train_iterator = mx.io.NDArrayIter(X_train, Y_train, batch_size=batch_size)
   validate_iterator = mx.io.NDArrayIter(X_validate, Y_validate, 
batch_size=batch_size)
   
   # first convelutional layer
   conv1 = mx.sym.Convolution(data=data, kernel=(3,3), num_filter=6)
   relu1 = mx.sym.Activation(data=conv1, act_type="relu")
   pool1 = mx.sym.Pooling(data=relu1, pool_type="max", kernel=(2,2), 
stride=(2,2))
   
   # second convelutional layer
   conv2 = mx.sym.Convolution(data=pool1, kernel=(6,6), num_filter=12)
   relu2 = mx.sym.Activation(data=conv2, act_type="relu")
   pool2 = mx.sym.Pooling(data=relu2, pool_type="max", kernel=(2,2), 
stride=(2,2))
   
   # first fully connected layer
   flatten = mx.sym.flatten(data=pool2)
   fc1 = mx.symbol.FullyConnected(data=flatten, num_hidden=12 )
   # softmax loss
   lenet = mx.sym.SoftmaxOutput(data=fc1, name='softmax')
   # create a trainable module on CPU 0
   lenet_model = mx.mod.Module(symbol=lenet, context=mx.cpu())
   device = mx.cpu()
   # train using parameters
   '''
   model = mx.model.FeedForward.create(lenet_model,
   X = X_train,
   y = Y_train,
   ctx = device,
   num_epoch = 10)
   '''
   lenet_model.fit(train_iterator,
   eval_data=validate_iterator,
   optimizer='sgd',
   optimizer_params={'learning_rate':0.1},
   eval_metric='acc',
   batch_end_callback = mx.callback.Speedometer(batch_size, 
100),
   num_epoch=10)
   
   -
   
   # the error is:
   
   Traceback (most recent call last):
   
 File "", line 7, in 
   num_epoch=10)
   
 File 
"C:\Users\...\Anaconda2\lib\site-packages\mxnet-0.10.1-py2.7.egg\mxnet\module\base_module.py",
 line 459, in fit
   for_training=True, force_rebind=force_rebind)
   
 File 
"C:\Users\...\Anaconda2\lib\site-packages\mxnet-0.10.1-py2.7.egg\mxnet\module\module.py",
 line 388, in bind
   state_names=self._state_names)
   
 File 
"C:\Users\...\Anaconda2\lib\site-packages\mxnet-0.10.1-py2.7.egg\mxnet\module\executor_group.py",
 line 214, in __init__
   self.bind_exec(data_shapes, label_shapes, shared_group)
   
 File 
"C:\Users\...\Anaconda2\lib\site-packages\mxnet-0.10.1-py2.7.egg\mxnet\module\executor_group.py",
 line 310, in bind_exec
   shared_group))
   
 File 
"C:\Users\...\Anaconda2\lib\site-packages\mxnet-0.10.1-py2.7.egg\mxnet\module\executor_group.py",
 line 582, in _bind_ith_exec
   shared_buffer=shared_data_arrays, **input_shapes)
   
 File 
"C:\Users\...\Anaconda2\lib\site-packages\mxnet-0.10.1-py2.7.egg\mxnet\symbol.py",
 line 1375, in simple_bind
   raise RuntimeError('simple_bind failed')
   
   RuntimeError: simple_bind failed
   
   # If I comment this line in the model.fit ::
#batch_end_callback = mx.callback.Speedometer(batch_size, 100),
   
   # I get error: 
   WARNING:root:Already bound, ignoring bind()
   Traceback (most recent call last):
   
 File "", line 7, in 
   num_epoch=10)
   
 File 
"C:\Users\...\Anaconda2\lib\site-packages\mxnet-0.10.1-py2.7.egg\mxnet\module\base_module.py",
 line 463, in fit
   allow_missing=allow_missing, force_init=force_init)
   
 File 
"C:\Users\...\Anaconda2\lib\site-packages\mxnet-0.10.1-py2.7.egg\mxnet\module\module.py",
 line 272, in init_params
   for name, arr in self._arg_params.items():
   
   AttributeError: 'NoneType' object has no attribute 'items'
   
   I guess the error is from the the data load and passing to mxnet. 
   I don't know what does this mean and what shall I do, help me, please.
   
   
   I am using win10, python2, mxnet 0.10, anaconda2
   Thanks in advance
   
 

This is an automated message from the Apache Git Service.
To respond to 

[GitHub] mli commented on issue #7418: Enable Apache Rat + add more license headers

2017-08-10 Thread git
mli commented on issue #7418: Enable Apache Rat + add more license headers
URL: https://github.com/apache/incubator-mxnet/pull/7418#issuecomment-321700025
 
 
   why add a new `tools/license_header.sh`. there is already a python version, 
which is able to remove ` Copyright (c) 2016 by Contributors`. The future work 
I mean is merging two headers, one is for licensen, the other is the header 
documents. 
   
   to process other files such as .js, one only need to add an entry into 
`_LANGS`
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] sergeykolychev commented on issue #7334: cannot use ImageIter in Perl package

2017-08-10 Thread git
sergeykolychev commented on issue #7334: cannot use ImageIter in Perl package
URL: 
https://github.com/apache/incubator-mxnet/issues/7334#issuecomment-321690309
 
 
   @dokechin the changes to Image.pm were merged to master branch.
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] madjam closed pull request #7413: Initial commit of an MXNet converter.

2017-08-10 Thread git
madjam closed pull request #7413: Initial commit of an MXNet converter.
URL: https://github.com/apache/incubator-mxnet/pull/7413
 
 
   
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[incubator-mxnet] branch master updated: Initial commit of an MXNet converter. (#7413)

2017-08-10 Thread madjam
This is an automated email from the ASF dual-hosted git repository.

madjam pushed a commit to branch master
in repository https://gitbox.apache.org/repos/asf/incubator-mxnet.git


The following commit(s) were added to refs/heads/master by this push:
 new 1a3faa6  Initial commit of an MXNet converter. (#7413)
1a3faa6 is described below

commit 1a3faa63f2a24820427e6454f5d6eaa72ea636c1
Author: Krishna Sridhar <1875987+srik...@users.noreply.github.com>
AuthorDate: Thu Aug 10 15:22:07 2017 -0700

Initial commit of an MXNet converter. (#7413)
---
 tools/coreml/__init__.py|  18 ++
 tools/coreml/_layers.py | 397 ++
 tools/coreml/_mxnet_converter.py| 210 
 tools/coreml/test_mxnet_converer.py | 477 
 4 files changed, 1102 insertions(+)

diff --git a/tools/coreml/__init__.py b/tools/coreml/__init__.py
new file mode 100644
index 000..e56490a
--- /dev/null
+++ b/tools/coreml/__init__.py
@@ -0,0 +1,18 @@
+# Licensed to the Apache Software Foundation (ASF) under one
+# or more contributor license agreements.  See the NOTICE file
+# distributed with this work for additional information
+# regarding copyright ownership.  The ASF licenses this file
+# to you under the Apache License, Version 2.0 (the
+# "License"); you may not use this file except in compliance
+# with the License.  You may obtain a copy of the License at
+#
+#   http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing,
+# software distributed under the License is distributed on an
+# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY
+# KIND, either express or implied.  See the License for the
+# specific language governing permissions and limitations
+# under the License.
+
+from _mxnet_converter import *
diff --git a/tools/coreml/_layers.py b/tools/coreml/_layers.py
new file mode 100644
index 000..5148984
--- /dev/null
+++ b/tools/coreml/_layers.py
@@ -0,0 +1,397 @@
+# Licensed to the Apache Software Foundation (ASF) under one
+# or more contributor license agreements.  See the NOTICE file
+# distributed with this work for additional information
+# regarding copyright ownership.  The ASF licenses this file
+# to you under the Apache License, Version 2.0 (the
+# "License"); you may not use this file except in compliance
+# with the License.  You may obtain a copy of the License at
+# 
+#   http://www.apache.org/licenses/LICENSE-2.0
+# 
+# Unless required by applicable law or agreed to in writing,
+# software distributed under the License is distributed on an
+# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY
+# KIND, either express or implied.  See the License for the
+# specific language governing permissions and limitations
+# under the License.
+import numpy as _np
+
+def _get_input_output_name(net, node, index = 0):
+name = node['name']
+inputs = node['inputs']
+
+if index == 'all':
+input_name = [_get_node_name(net, inputs[id][0]) for id in 
range(len(inputs))]
+elif type(index) == int:
+input_name = _get_node_name(net, inputs[0][0])
+else:
+input_name = [_get_node_name(net, inputs[id][0]) for id in index]
+return input_name, name
+
+def _get_node_name(net, node_id):
+return net['nodes'][node_id]['name']
+
+def _get_node_shape(net, node_id):
+return net['nodes'][node_id]['shape']
+
+def convert_transpose(net, node, model, builder):
+"""Convert a transpose layer from mxnet to coreml.
+
+Parameters
+--
+network: net
+A mxnet network object.
+
+layer: node
+Node to convert.
+
+model: model
+An model for MXNet
+
+builder: NeuralNetworkBuilder
+A neural network builder object.
+"""
+input_name, output_name = _get_input_output_name(net, node)
+name = node['name']
+param = node['attr']
+from ast import literal_eval
+axes = literal_eval(param['axes'])
+builder.add_permute(name, input_name, output_name, axes)
+
+def convert_flatten(net, node, model, builder):
+"""Convert a flatten layer from mxnet to coreml.
+
+Parameters
+--
+network: net
+A mxnet network object.
+
+layer: node
+Node to convert.
+
+model: model
+An model for MXNet
+
+builder: NeuralNetworkBuilder
+A neural network builder object.
+"""
+input_name, output_name = _get_input_output_name(net, node)
+name = node['name']
+builder.add_flatten(0, name, input_name, output_name)
+
+def convert_softmax(net, node, model, builder):
+"""Convert a softmax layer from mxnet to coreml.
+
+Parameters
+--
+network: net
+A mxnet network object.
+
+layer: node
+Node to convert.
+
+model: model
+An model for MXNet
+
+builder: NeuralNetworkBuilder
+A neural network builder object.
+"""
+input_name, output_name = 

[GitHub] piiswrong commented on issue #7417: Update mxnet in maven timely?

2017-08-10 Thread git
piiswrong commented on issue #7417: Update mxnet in maven timely?
URL: 
https://github.com/apache/incubator-mxnet/issues/7417#issuecomment-321688945
 
 
   @javelinjs Let's release static build on maven?
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] smarthi commented on a change in pull request #7418: Enable Apache Rat + add more license headers

2017-08-10 Thread git
smarthi commented on a change in pull request #7418: Enable Apache Rat + add 
more license headers
URL: https://github.com/apache/incubator-mxnet/pull/7418#discussion_r132581823
 
 

 ##
 File path: cpp-package/example/feature_extract/prepare_data_with_opencv.cpp
 ##
 @@ -1,3 +1,22 @@
+/*
+ * Licensed to the Apache Software Foundation (ASF) under one
+ * or more contributor license agreements.  See the NOTICE file
+ * distributed with this work for additional information
+ * regarding copyright ownership.  The ASF licenses this file
+ * to you under the Apache License, Version 2.0 (the
+ * "License"); you may not use this file except in compliance
+ * with the License.  You may obtain a copy of the License at
+ * 
+ *   http://www.apache.org/licenses/LICENSE-2.0
+ * 
+ * Unless required by applicable law or agreed to in writing,
+ * software distributed under the License is distributed on an
+ * "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY
+ * KIND, either express or implied.  See the License for the
+ * specific language governing permissions and limitations
+ * under the License.
+ */
+
 /*!
  * Copyright (c) 2015 by Contributors
  */
 
 Review comment:
   ? 
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[incubator-mxnet-site] branch asf-site updated: Remove copyright

2017-08-10 Thread lxn2
This is an automated email from the ASF dual-hosted git repository.

lxn2 pushed a commit to branch asf-site
in repository https://gitbox.apache.org/repos/asf/incubator-mxnet-site.git


The following commit(s) were added to refs/heads/asf-site by this push:
 new 46142fd  Remove copyright
46142fd is described below

commit 46142fd05edbaf3cff44b6960fc7f2e362072591
Author: Nguyen 
AuthorDate: Thu Aug 10 14:56:50 2017 -0700

Remove copyright
---
 index.html | 1 -
 1 file changed, 1 deletion(-)

diff --git a/index.html b/index.html
index eee2ff2..b0a0b55 100644
--- a/index.html
+++ b/index.html
@@ -336,7 +336,6 @@ Previous Navbar Layout End -->
 
 
 
- © 2015-2017 DMLC. All rights reserved. 
 
  
 https://maxcdn.bootstrapcdn.com/bootstrap/3.3.6/js/bootstrap.min.js";>

-- 
To stop receiving notification emails like this one, please contact
['"comm...@mxnet.apache.org" '].


[GitHub] Lyken17 commented on issue #7376: MXbox -- a simple and flexible vision toolbox for mxnet framework.

2017-08-10 Thread git
Lyken17 commented on issue #7376: MXbox -- a simple and flexible vision toolbox 
for mxnet framework.
URL: 
https://github.com/apache/incubator-mxnet/issues/7376#issuecomment-321681785
 
 
   @szha  Gluon's documentation seems to be under construction.  Could u show 
some examples of `mx.symbol`?  In fact `mxbox` provides 
[`mx.transforms.lambda`](https://github.com/Lyken17/mxbox/blob/master/mxbox/transforms/general.py#L140)
  which allows user to easily create extensions . Thus supports for `mx.symbol` 
should not be a trouble issue.
   
   @zhreshold Gluon and mxbox are both inspired by torchvision, so they have 
many same functions. What I think is to keep the relation of `mxbox` and 
`mxnet`  like `pytorch` and `torchvision` -- standalone but strongly connected. 
The advantage of doing this is people can develop `mxbox` without affecting 
`mxnet` (push to `mxbox` only), and user can always enjoy the latest update of 
mxbox from PyPi.
   
   Maintaining a standalone toolbox will not be a nightmare, instead, it brings 
faster update -- for example, a new network comes out, once I get the 
definition scripts and the pretrained weight, I can upload to `mxnet` and give 
a release immediately, where in mxnet, it requires a reviewer to merge in and 
extra time to release a new version on PyPi.
   
   We all aim for a good toolbox, and I think a standalone repo is a better 
choice. But as I mentioned, my free time on next semester is very limited, so 
to merge in or not, actually depends on later maintainers' idea. If he thinks 
merging to be a better choice, I will create a pull request after construction 
for `model` is finished.
   
   
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] kevinthesun opened a new pull request #7419: Add resnet50_v2, resnet101_V2 and resnet152_v2 gluon pre-trained model

2017-08-10 Thread git
kevinthesun opened a new pull request #7419: Add resnet50_v2, resnet101_V2 and 
resnet152_v2 gluon pre-trained model
URL: https://github.com/apache/incubator-mxnet/pull/7419
 
 
   @szha 
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] Lyken17 commented on issue #7376: MXbox -- a simple and flexible vision toolbox for mxnet framework.

2017-08-10 Thread git
Lyken17 commented on issue #7376: MXbox -- a simple and flexible vision toolbox 
for mxnet framework.
URL: 
https://github.com/apache/incubator-mxnet/issues/7376#issuecomment-321681785
 
 
   @szha  Gluon's documentation seems to be under construction.  Could u show 
some examples of `mx.symbol`?  In fact `mxbox` provides 
[`mx.transforms.lambda`](https://github.com/Lyken17/mxbox/blob/master/mxbox/transforms/general.py#L140)
  which allows user to easily create extensions . Thus supports for `mx.symbol` 
should not be a trouble issue.
   
   @zhreshold Gluon and mxbox are both inspired by torchvision, so they have 
many same functions. What I think is to keep the relation of `mxbox` and 
`mxnet`  like `pytorch` and `torchvision` -- standalone but strongly connected. 
The advantage of doing this is people can develop `mxbox` without affecting 
`mxnet` (push to `mxbox` only), and user can always enjoy the latest update of 
mxbox from PyPi.
   
   Maintaining a standalone toolbox will not be a nightmare, instead, it will 
brings faster update -- for example, a new network comes out, I can upload to 
`mxnet` and give a release immediately, once I get the definition scripts and 
the pretrained weight. where in mxnet, it requires a reviewer to merge in and 
extra time for a new release on PyPi.
   
   We all aim for a good toolbox, and as I mentioned, my free time on next 
semester is very limited. So to merge in or not, actually depends on later 
maintainers' idea. If you all think merging to be a better choice, I will 
create a pull request after construction for `model` is finished.
   
   
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] lxn2 commented on a change in pull request #7418: Enable Apache Rat + add more license headers

2017-08-10 Thread git
lxn2 commented on a change in pull request #7418: Enable Apache Rat + add more 
license headers
URL: https://github.com/apache/incubator-mxnet/pull/7418#discussion_r132574958
 
 

 ##
 File path: amalgamation/jni/org/dmlc/mxnet/MxnetException.java
 ##
 @@ -1,5 +1,25 @@
 package org.dmlc.mxnet;
 
+/*
 
 Review comment:
   Looks like the tool did a few other funky things...I'll go through all the 
files...
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] lxn2 commented on a change in pull request #7418: Enable Apache Rat + add more license headers

2017-08-10 Thread git
lxn2 commented on a change in pull request #7418: Enable Apache Rat + add more 
license headers
URL: https://github.com/apache/incubator-mxnet/pull/7418#discussion_r132574261
 
 

 ##
 File path: cpp-package/example/feature_extract/prepare_data_with_opencv.cpp
 ##
 @@ -1,3 +1,22 @@
+/*
+ * Licensed to the Apache Software Foundation (ASF) under one
+ * or more contributor license agreements.  See the NOTICE file
+ * distributed with this work for additional information
+ * regarding copyright ownership.  The ASF licenses this file
+ * to you under the Apache License, Version 2.0 (the
+ * "License"); you may not use this file except in compliance
+ * with the License.  You may obtain a copy of the License at
+ * 
+ *   http://www.apache.org/licenses/LICENSE-2.0
+ * 
+ * Unless required by applicable law or agreed to in writing,
+ * software distributed under the License is distributed on an
+ * "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY
+ * KIND, either express or implied.  See the License for the
+ * specific language governing permissions and limitations
+ * under the License.
+ */
+
 /*!
  * Copyright (c) 2015 by Contributors
  */
 
 Review comment:
   Sounds like @mli is putting it into future work
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] lxn2 commented on a change in pull request #7418: Enable Apache Rat + add more license headers

2017-08-10 Thread git
lxn2 commented on a change in pull request #7418: Enable Apache Rat + add more 
license headers
URL: https://github.com/apache/incubator-mxnet/pull/7418#discussion_r132573886
 
 

 ##
 File path: amalgamation/jni/org/dmlc/mxnet/MxnetException.java
 ##
 @@ -1,5 +1,25 @@
 package org.dmlc.mxnet;
 
+/*
 
 Review comment:
   This was added by the Apache Rat tool...
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] smarthi commented on a change in pull request #7418: Enable Apache Rat + add more license headers

2017-08-10 Thread git
smarthi commented on a change in pull request #7418: Enable Apache Rat + add 
more license headers
URL: https://github.com/apache/incubator-mxnet/pull/7418#discussion_r132571276
 
 

 ##
 File path: cpp-package/example/charRNN.cpp
 ##
 @@ -1,3 +1,22 @@
+/*
+ * Licensed to the Apache Software Foundation (ASF) under one
+ * or more contributor license agreements.  See the NOTICE file
+ * distributed with this work for additional information
+ * regarding copyright ownership.  The ASF licenses this file
+ * to you under the Apache License, Version 2.0 (the
+ * "License"); you may not use this file except in compliance
+ * with the License.  You may obtain a copy of the License at
+ * 
+ *   http://www.apache.org/licenses/LICENSE-2.0
+ * 
+ * Unless required by applicable law or agreed to in writing,
+ * software distributed under the License is distributed on an
+ * "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY
+ * KIND, either express or implied.  See the License for the
+ * specific language governing permissions and limitations
+ * under the License.
+ */
+
 
 Review comment:
   not the comment, sorry about that - i commented on wrong line. I was asking 
if u r gonna include '.travis.yml' also to the rat-exclude list - if we r using 
Travis i,e
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] smarthi commented on a change in pull request #7418: Enable Apache Rat + add more license headers

2017-08-10 Thread git
smarthi commented on a change in pull request #7418: Enable Apache Rat + add 
more license headers
URL: https://github.com/apache/incubator-mxnet/pull/7418#discussion_r132571023
 
 

 ##
 File path: cpp-package/example/feature_extract/prepare_data_with_opencv.cpp
 ##
 @@ -1,3 +1,22 @@
+/*
+ * Licensed to the Apache Software Foundation (ASF) under one
+ * or more contributor license agreements.  See the NOTICE file
+ * distributed with this work for additional information
+ * regarding copyright ownership.  The ASF licenses this file
+ * to you under the Apache License, Version 2.0 (the
+ * "License"); you may not use this file except in compliance
+ * with the License.  You may obtain a copy of the License at
+ * 
+ *   http://www.apache.org/licenses/LICENSE-2.0
+ * 
+ * Unless required by applicable law or agreed to in writing,
+ * software distributed under the License is distributed on an
+ * "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY
+ * KIND, either express or implied.  See the License for the
+ * specific language governing permissions and limitations
+ * under the License.
+ */
+
 /*!
  * Copyright (c) 2015 by Contributors
  */
 
 Review comment:
   yes 'copyright' comments in all files.  
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] piiswrong commented on a change in pull request #7418: Enable Apache Rat + add more license headers

2017-08-10 Thread git
piiswrong commented on a change in pull request #7418: Enable Apache Rat + add 
more license headers
URL: https://github.com/apache/incubator-mxnet/pull/7418#discussion_r132569729
 
 

 ##
 File path: amalgamation/jni/org/dmlc/mxnet/MxnetException.java
 ##
 @@ -1,5 +1,25 @@
 package org.dmlc.mxnet;
 
+/*
 
 Review comment:
   why is it under package?
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] lxn2 commented on a change in pull request #7418: Enable Apache Rat + add more license headers

2017-08-10 Thread git
lxn2 commented on a change in pull request #7418: Enable Apache Rat + add more 
license headers
URL: https://github.com/apache/incubator-mxnet/pull/7418#discussion_r132567183
 
 

 ##
 File path: cpp-package/example/feature_extract/prepare_data_with_opencv.cpp
 ##
 @@ -1,3 +1,22 @@
+/*
+ * Licensed to the Apache Software Foundation (ASF) under one
+ * or more contributor license agreements.  See the NOTICE file
+ * distributed with this work for additional information
+ * regarding copyright ownership.  The ASF licenses this file
+ * to you under the Apache License, Version 2.0 (the
+ * "License"); you may not use this file except in compliance
+ * with the License.  You may obtain a copy of the License at
+ * 
+ *   http://www.apache.org/licenses/LICENSE-2.0
+ * 
+ * Unless required by applicable law or agreed to in writing,
+ * software distributed under the License is distributed on an
+ * "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY
+ * KIND, either express or implied.  See the License for the
+ * specific language governing permissions and limitations
+ * under the License.
+ */
+
 /*!
  * Copyright (c) 2015 by Contributors
  */
 
 Review comment:
   Do you mean all the "copyright" statements? For all files?
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] lxn2 closed pull request #7402: Add disclaimer and download link

2017-08-10 Thread git
lxn2 closed pull request #7402: Add disclaimer and download link
URL: https://github.com/apache/incubator-mxnet/pull/7402
 
 
   
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[incubator-mxnet] branch master updated: Add disclaimer and download link (#7402)

2017-08-10 Thread lxn2
This is an automated email from the ASF dual-hosted git repository.

lxn2 pushed a commit to branch master
in repository https://gitbox.apache.org/repos/asf/incubator-mxnet.git


The following commit(s) were added to refs/heads/master by this push:
 new aed297a  Add disclaimer and download link (#7402)
aed297a is described below

commit aed297aed61dc96afc93565fda2dda85f1a2749b
Author: Yao Wang 
AuthorDate: Thu Aug 10 13:58:20 2017 -0700

Add disclaimer and download link (#7402)

* Add disclaimer and download link

* Fix
---
 docs/_static/mxnet-theme/index.html  |  7 
 docs/_static/mxnet.css   | 14 
 docs/build_version_doc/AddPackageLink.py | 58 
 docs/build_version_doc/build_doc.sh  |  2 ++
 docs/get_started/install.md  |  2 ++
 5 files changed, 83 insertions(+)

diff --git a/docs/_static/mxnet-theme/index.html 
b/docs/_static/mxnet-theme/index.html
index c4f3c48..b39e710 100644
--- a/docs/_static/mxnet-theme/index.html
+++ b/docs/_static/mxnet-theme/index.html
@@ -127,3 +127,10 @@
 
   
 
+
+
+https://raw.githubusercontent.com/dmlc/web-data/master/mxnet/image/apache_incubator_logo.png;
 height=60>
+
+Apache MXNet is an effort undergoing incubation at The Apache Software 
Foundation (ASF), sponsored by the Apache Incubator. 
Incubation is required of all newly accepted projects until a further review 
indicates that the infrastructure, communications, and decision making process 
have stabilized in a manner consistent with other successful ASF projects. 
While incubation status is not necessarily a reflection of the completeness or 
stability of the code, it  [...]
+
+
\ No newline at end of file
diff --git a/docs/_static/mxnet.css b/docs/_static/mxnet.css
index 6f6d8cd..db2c5a2 100644
--- a/docs/_static/mxnet.css
+++ b/docs/_static/mxnet.css
@@ -717,6 +717,14 @@ li.dropdown-submenu ul.dropdown-menu a {
 filter: grayscale(0%);
 }
 
+.section-disclaimer {
+padding: 3em 3em 3em;
+}
+
+.section-disclaimer p {
+padding-top: 2em;
+}
+
 .footer{
 padding-top: 40px;
 }
@@ -1244,3 +1252,9 @@ div.download_btn a:hover {
 padding-bottom: 3px;
 font-style: italic;
 }
+
+/*Download source-*/
+#download-source-package {
+display: none;
+padding-top: 40px;
+}
diff --git a/docs/build_version_doc/AddPackageLink.py 
b/docs/build_version_doc/AddPackageLink.py
new file mode 100644
index 000..8fe04b5
--- /dev/null
+++ b/docs/build_version_doc/AddPackageLink.py
@@ -0,0 +1,58 @@
+# Licensed to the Apache Software Foundation (ASF) under one
+# or more contributor license agreements.  See the NOTICE file
+# distributed with this work for additional information
+# regarding copyright ownership.  The ASF licenses this file
+# to you under the Apache License, Version 2.0 (the
+# "License"); you may not use this file except in compliance
+# with the License.  You may obtain a copy of the License at
+#
+#   http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing,
+# software distributed under the License is distributed on an
+# "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY
+# KIND, either express or implied.  See the License for the
+# specific language governing permissions and limitations
+# under the License.
+
+import os
+import argparse
+from bs4 import BeautifulSoup as bs
+
+parser = argparse.ArgumentParser(description="Add download package link.",
+ 
formatter_class=argparse.ArgumentDefaultsHelpFormatter)
+parser.add_argument('--file_path', type=str, 
default='docs/_build/html/get_started/install.html',
+help='file to be modified')
+parser.add_argument('--current_version', type=str, default='master',
+help='Current version')
+
+if __name__ == '__main__':
+args = parser.parse_args()
+tag = args.current_version
+
+src_url = "http://www.apache.org/dyn/closer.cgi/incubator/; \
+  "mxnet/%s-incubating/apache-mxnet-src-%s-incubating.tar.gz" % 
(tag, tag)
+pgp_url = "http://www.apache.org/dyn/closer.cgi/incubator/; \
+  "mxnet/%s-incubating/apache-mxnet-src-%s-incubating.tar.gz.asc" 
% (tag, tag)
+sha_url = "http://www.apache.org/dyn/closer.cgi/incubator/; \
+  "mxnet/%s-incubating/apache-mxnet-src-%s-incubating.tar.gz.sha" 
% (tag, tag)
+md5_url = "http://www.apache.org/dyn/closer.cgi/incubator/; \
+  "mxnet/%s-incubating/apache-mxnet-src-%s-incubating.tar.gz.md5" 
% (tag, tag)
+
+download_str = ""
+download_str += "" \
+"" \
+" Source for %s" % (src_url, tag)
+download_str += "PGP" % 
(pgp_url)
+download_str += "SHA-256" % 
(sha_url)
+download_str += "MD5" % 
(md5_url)
+download_str += ""
+
+with open(args.file_path, 'r') as html_file:
+ 

[GitHub] smarthi commented on a change in pull request #7418: Enable Apache Rat + add more license headers

2017-08-10 Thread git
smarthi commented on a change in pull request #7418: Enable Apache Rat + add 
more license headers
URL: https://github.com/apache/incubator-mxnet/pull/7418#discussion_r132564377
 
 

 ##
 File path: docs/_static/mxnet-theme/footer.html
 ##
 @@ -1,5 +1,24 @@
+
+
 
 
-   ? 2015-2017 DMLC. All rights reserved. 
+   ?? 2015-2017 DMLC. All rights reserved. 
 
 Review comment:
   This shuldn't be there.
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] smarthi commented on a change in pull request #7418: Enable Apache Rat + add more license headers

2017-08-10 Thread git
smarthi commented on a change in pull request #7418: Enable Apache Rat + add 
more license headers
URL: https://github.com/apache/incubator-mxnet/pull/7418#discussion_r132564018
 
 

 ##
 File path: cpp-package/example/charRNN.cpp
 ##
 @@ -1,3 +1,22 @@
+/*
+ * Licensed to the Apache Software Foundation (ASF) under one
+ * or more contributor license agreements.  See the NOTICE file
+ * distributed with this work for additional information
+ * regarding copyright ownership.  The ASF licenses this file
+ * to you under the Apache License, Version 2.0 (the
+ * "License"); you may not use this file except in compliance
+ * with the License.  You may obtain a copy of the License at
+ * 
+ *   http://www.apache.org/licenses/LICENSE-2.0
+ * 
+ * Unless required by applicable law or agreed to in writing,
+ * software distributed under the License is distributed on an
+ * "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY
+ * KIND, either express or implied.  See the License for the
+ * specific language governing permissions and limitations
+ * under the License.
+ */
+
 
 Review comment:
   do u also wanna add .travis.yml here?  If the project's setup for Travis 
i.e.?
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] lxn2 opened a new pull request #7418: Enable Apache Rat + add more license headers

2017-08-10 Thread git
lxn2 opened a new pull request #7418: Enable Apache Rat + add more license 
headers
URL: https://github.com/apache/incubator-mxnet/pull/7418
 
 
   This PR enables Apache Rat to run as part of the sanity check. It also 
includes the .rat-excludes file which will make Rat ignore files/folders that 
match those names. Also ran Rat to add the remaining license headers to files 
missed.
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[incubator-mxnet] branch sparse deleted (was e35df52)

2017-08-10 Thread cjolivier01
This is an automated email from the ASF dual-hosted git repository.

cjolivier01 pushed a change to branch sparse
in repository https://gitbox.apache.org/repos/asf/incubator-mxnet.git.


 was e35df52  Squash of haibin/sparse branch into apache/sparse

This change permanently discards the following revisions:

 discard e35df52  Squash of haibin/sparse branch into apache/sparse

-- 
To stop receiving notification emails like this one, please contact
['"comm...@mxnet.apache.org" '].


[GitHub] thirdwing commented on issue #6629: Not enough information to get shape

2017-08-10 Thread git
thirdwing commented on issue #6629: Not enough information to get shape
URL: 
https://github.com/apache/incubator-mxnet/issues/6629#issuecomment-321618518
 
 
   @haimeh Thank you for pointing out this.
   
   I will look into it.
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] piiswrong closed pull request #7352: add Sequential compatibility to rnn layers

2017-08-10 Thread git
piiswrong closed pull request #7352: add Sequential compatibility to rnn layers
URL: https://github.com/apache/incubator-mxnet/pull/7352
 
 
   
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] haimeh commented on issue #6629: Not enough information to get shape

2017-08-10 Thread git
haimeh commented on issue #6629: Not enough information to get shape
URL: 
https://github.com/apache/incubator-mxnet/issues/6629#issuecomment-321613657
 
 
   Also, a mistake one might make, so for reference I am adding it here.
   The shape inference may not always work with a chained composition such as:
 ```
   discouragedSelfMatches <- mx.symbol.broadcast_mul(lhs = 
mx.symbol.broadcast_equal(lhs = distances,

   rhs = mx.symbol.min(distances),
   rhs = 
mx.symbol.max(distances))
   ```
   but it will work if the symbols are separated, for instance:
 ```
   selfMatches <- mx.symbol.broadcast_equal(lhs = distances,
  rhs = mx.symbol.min(distances))
 discouragedSelfMatches <- mx.symbol.broadcast_mul(lhs=selfMatches, 
 
rhs=mx.symbol.max(distances))
   ```
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] piiswrong commented on a change in pull request #7345: add std_rgba to normalize options

2017-08-10 Thread git
piiswrong commented on a change in pull request #7345: add std_rgba to 
normalize options
URL: https://github.com/apache/incubator-mxnet/pull/7345#discussion_r132511274
 
 

 ##
 File path: src/io/iter_normalize.h
 ##
 @@ -129,33 +129,58 @@ class ImageNormalizeIter : public IIterator {
 if (param_.mean_r > 0.0f || param_.mean_g > 0.0f ||
 param_.mean_b > 0.0f || param_.mean_a > 0.0f) {
   // subtract mean per channel
-  data[0] -= param_.mean_r;
-  if (data.shape_[0] >= 3) {
-data[1] -= param_.mean_g;
-data[2] -= param_.mean_b;
-  }
-  if (data.shape_[0] == 4) {
-data[3] -= param_.mean_a;
-  }
-  if ((param_.rand_mirror && coin_flip(rnd_)) || param_.mirror) {
-outimg_ = mirror(data * contrast + illumination) * param_.scale;
-  } else {
-outimg_ = (data * contrast + illumination) * param_.scale;
+  switch (data.shape_[0]) {
+case 4: {
+  data[3] -= param_.mean_a;
+}
+case 3: {
+  data[2] -= param_.mean_b;
+}
+case 2: {
+  data[1] -= param_.mean_g;
+}
+case 1: {
+  data[0] -= param_.mean_r;
+  break;
+}
+default: {
+  // possible?
+}
   }
 } else if (!meanfile_ready_ || param_.mean_img.length() == 0) {
   // do not subtract anything
-  if ((param_.rand_mirror && coin_flip(rnd_)) || param_.mirror) {
-outimg_ = mirror(data) * param_.scale;
-  } else {
-outimg_ = F(data) * param_.scale;
-  }
 } else {
   CHECK(meanfile_ready_);
-  if ((param_.rand_mirror && coin_flip(rnd_)) || param_.mirror) {
-outimg_ = mirror((data - meanimg_) * contrast + illumination) * 
param_.scale;
-  } else {
-outimg_ = ((data - meanimg_) * contrast + illumination) * param_.scale;
+  data -= meanimg_;
+}
+// apply contrast and illumination jitter
+data = data * contrast + illumination;
+// apply std per channel
+switch (data.shape_[0]) {
+  case 4: {
+if (param_.std_a > 0.0f) data[3] /= param_.std_a;
   }
+  case 3: {
+if (param_.std_b > 0.0f) data[2] /= param_.std_b;
+  }
+  case 2: {
+if (param_.std_g > 0.0f) data[1] /= param_.std_g;
+  }
+  case 1: {
+if (param_.std_r > 0.0f) data[0] /= param_.std_r;
+break;
+  }
+  default: {
+// possible?
 
 Review comment:
   should fail on default
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[incubator-mxnet] branch master updated: Hotfix mx.image documents (#7404)

2017-08-10 Thread jxie
This is an automated email from the ASF dual-hosted git repository.

jxie pushed a commit to branch master
in repository https://gitbox.apache.org/repos/asf/incubator-mxnet.git


The following commit(s) were added to refs/heads/master by this push:
 new 59d7170  Hotfix mx.image documents (#7404)
59d7170 is described below

commit 59d717074aae05cf47f69ab8589747bca572cd49
Author: Joshua Z. Zhang 
AuthorDate: Thu Aug 10 09:54:42 2017 -0700

Hotfix mx.image documents (#7404)

* fix typo and incorrect doc

* Fix doc formats

* fix doc con't
---
 python/mxnet/image/detection.py | 36 ++--
 python/mxnet/image/image.py | 31 +--
 2 files changed, 35 insertions(+), 32 deletions(-)

diff --git a/python/mxnet/image/detection.py b/python/mxnet/image/detection.py
index 142ba25..43131f0 100644
--- a/python/mxnet/image/detection.py
+++ b/python/mxnet/image/detection.py
@@ -483,15 +483,15 @@ def CreateDetAugmenter(data_shape, resize=0, rand_crop=0, 
rand_pad=0, rand_gray=
rand_mirror=False, mean=None, std=None, brightness=0, 
contrast=0,
saturation=0, pca_noise=0, hue=0, inter_method=2, 
min_object_covered=0.1,
aspect_ratio_range=(0.75, 1.33), area_range=(0.05, 3.0),
-   min_eject_coverage=0.3, max_attempts=50, pad_val=(128, 
128, 128)):
+   min_eject_coverage=0.3, max_attempts=50, pad_val=(127, 
127, 127)):
 """Create augmenters for detection.
 
 Parameters
 --
 data_shape : tuple of int
-shape for output data
+Shape for output data
 resize : int
-resize shorter edge if larger than 0 at the begining
+Resize shorter edge if larger than 0 at the begining
 rand_crop : float
 [0, 1], probability to apply random cropping
 rand_pad : float
@@ -499,23 +499,23 @@ def CreateDetAugmenter(data_shape, resize=0, rand_crop=0, 
rand_pad=0, rand_gray=
 rand_gray : float
 [0, 1], probability to convert to grayscale for all channels
 rand_mirror : bool
-whether apply horizontal flip to image with probability 0.5
+Whether to apply horizontal flip to image with probability 0.5
 mean : np.ndarray or None
-mean pixel values for [r, g, b]
+Mean pixel values for [r, g, b]
 std : np.ndarray or None
-standard deviations for [r, g, b]
+Standard deviations for [r, g, b]
 brightness : float
-brightness jittering range (percent)
+Brightness jittering range (percent)
 contrast : float
-contrast jittering range
+Contrast jittering range (percent)
 saturation : float
-saturation jittering range
+Saturation jittering range (percent)
 hue : float
-hue jittering range
+Hue jittering range (percent)
 pca_noise : float
-pca noise level
+Pca noise level (percent)
 inter_method : int, default=2(Area-based)
-interpolation method for all resizing operations
+Interpolation method for all resizing operations
 
 Possible values:
 0: Nearest Neighbors Interpolation.
@@ -550,7 +550,7 @@ def CreateDetAugmenter(data_shape, resize=0, rand_crop=0, 
rand_pad=0, rand_gray=
 Number of attempts at generating a cropped/padded region of the image 
of the
 specified constraints. After max_attempts failures, return the 
original image.
 pad_val: float
-pixel value to be filled when padding is enabled. pad_val will 
automatically
+Pixel value to be filled when padding is enabled. pad_val will 
automatically
 be subtracted by mean and divided by std if applicable.
 
 Examples
@@ -627,7 +627,7 @@ class ImageDetIter(ImageIter):
 Parameters
 --
 aug_list : list or None
-augmenter list for generating distorted images
+Augmenter list for generating distorted images
 batch_size : int
 Number of examples per batch.
 data_shape : tuple
@@ -657,7 +657,7 @@ class ImageDetIter(ImageIter):
 data_name : str
 Data name for provided symbols.
 label_name : str
-name for detection labels
+Name for detection labels
 kwargs : ...
 More arguments for creating augmenter. See mx.image.CreateDetAugmenter.
 """
@@ -723,7 +723,7 @@ class ImageDetIter(ImageIter):
 obj_width = int(raw[1])
 if (raw.size - header_width) % obj_width != 0:
 msg = "Label shape %s inconsistent with annotation width %d." \
-%(str(raw.shape, obj_width))
+%(str(raw.shape), obj_width)
 raise RuntimeError(msg)
 out = np.reshape(raw[header_width:], (-1, obj_width))
 # remove bad ground-truths
@@ -738,9 +738,9 @@ class ImageDetIter(ImageIter):
 Parameters
 --
 data_shape 

[GitHub] thirdwing closed issue #7364: MxnetR chunk-wise neural nets

2017-08-10 Thread git
thirdwing closed issue #7364: MxnetR chunk-wise neural nets
URL: https://github.com/apache/incubator-mxnet/issues/7364
 
 
   
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] maxenceliu opened a new issue #7417: Update mxnet in maven timely?

2017-08-10 Thread git
maxenceliu opened a new issue #7417: Update mxnet in maven timely?
URL: https://github.com/apache/incubator-mxnet/issues/7417
 
 
   in the maven repository, the mxnet version is much delayed. Furmore, it 
depends on opencv, in which the case our server doesn't need opencv.
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] larroy opened a new pull request #7416: update submoules with android fixes

2017-08-10 Thread git
larroy opened a new pull request #7416: update submoules with android fixes
URL: https://github.com/apache/incubator-mxnet/pull/7416
 
 
   
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] idealboy commented on issue #5452: When executing "train_mnist.py" with two machines, no response returns

2017-08-10 Thread git
idealboy commented on issue #5452: When executing "train_mnist.py" with two 
machines, no response returns
URL: 
https://github.com/apache/incubator-mxnet/issues/5452#issuecomment-321508451
 
 
   it is probably because of the firewall in the machine, try to close it.
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] train-test-laura commented on issue #7364: MxnetR chunk-wise neural nets

2017-08-10 Thread git
train-test-laura commented on issue #7364: MxnetR chunk-wise neural nets
URL: 
https://github.com/apache/incubator-mxnet/issues/7364#issuecomment-321505488
 
 
   Hi Thirdwind,
   thank you very much - this seems to be exactly what I was looking for. 
   That is easier than I expected it to be - just taking arg.params and 
aux.params from model 1 (chunk 1) and take it to model 2 (chunk 2) and so on - 
great!
   
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] n1kt0 commented on issue #4851: error: ISO C++ forbids comparison between pointer and integer

2017-08-10 Thread git
n1kt0 commented on issue #4851: error: ISO C++ forbids comparison between 
pointer and integer
URL: 
https://github.com/apache/incubator-mxnet/issues/4851#issuecomment-321500185
 
 
   I've switched in the mean time to tensorflow and keras because i had to do 
my thesis and didn't have any more time to play around but i'm still interested 
after my thesis in a month or so to look at mxnet
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] zhaoningning opened a new issue #7414: why rnn train speed is not stable,sometims very slow?

2017-08-10 Thread git
zhaoningning opened a new issue #7414: why rnn train speed is not 
stable,sometims very slow?
URL: https://github.com/apache/incubator-mxnet/issues/7414
 
 
   hi, recently  i train a  cnn+rnn  model for ocr,  but during the training 
process, i found that the training speed  is not stable, sometimes 30 
samples/sec,after a while, it may become 1000 samples/sec...
   so i wonder why this happen?  i have tried updeting mxnet  from 0.9.5 to  
0.10, not solved.
   
   
   
   
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] srikris opened a new pull request #7413: Initial commit of an MXNet converter.

2017-08-10 Thread git
srikris opened a new pull request #7413: Initial commit of an MXNet converter.
URL: https://github.com/apache/incubator-mxnet/pull/7413
 
 
   - Working with @hyandell and @pracheer on MXNet converter.
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services


[GitHub] szha commented on issue #7408: How to do a sobel operation in symbol layer

2017-08-10 Thread git
szha commented on issue #7408: How to do a sobel operation in symbol layer
URL: 
https://github.com/apache/incubator-mxnet/issues/7408#issuecomment-321460822
 
 
   Something like this? The example is in ndarray but you can pass the kernel 
values in through `sym.var`.
   ```
   from mxnet import ndarray as nd
   
   data = nd.random_uniform(shape=(1, 1, 300, 300))
   
   kx = nd.array([[1, 2, 1]]).T * nd.array([[1, 0, -1]])
   ky = kx.T.reshape((1, 1, 3, 3))
   kx = kx.reshape((1, 1, 3, 3))
   
   gx = nd.Convolution(data, kx, kernel=(3, 3), num_filter=1, no_bias=True, 
layout='NCHW')
   gy = nd.Convolution(data, ky, kernel=(3, 3), num_filter=1, no_bias=True, 
layout='NCHW')
   
   out = nd.sqrt(gx*gx + gy*gy)
   ```
 

This is an automated message from the Apache Git Service.
To respond to the message, please log on GitHub and use the
URL above to go to the specific comment.
 
For queries about this service, please contact Infrastructure at:
us...@infra.apache.org


With regards,
Apache Git Services