[GitHub] [incubator-mxnet] acphile opened a new issue #18266: same calculation for CrossEntropy and NegativeLogLikelihood in mxnet.metric

2020-05-08 Thread GitBox


acphile opened a new issue #18266:
URL: https://github.com/apache/incubator-mxnet/issues/18266


   CrossEntropy: 
http://mxnet.incubator.apache.org/api/python/docs/api/metric/index.html#mxnet.metric.CrossEntropy
   NegativeLogLikelihood: 
http://mxnet.incubator.apache.org/api/python/docs/api/metric/index.html#mxnet.metric.NegativeLogLikelihood
   Currently, in mxnet.metric, the definition of CrossEntropy is actually same 
as the definition of NegativeLogLikelihood, which leads to a duplicate in 
mxnet.metric.



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] leezu commented on a change in pull request #18083: Changes to mxnet.metric

2020-05-08 Thread GitBox


leezu commented on a change in pull request #18083:
URL: https://github.com/apache/incubator-mxnet/pull/18083#discussion_r422279290



##
File path: tests/python/train/test_mlp.py
##
@@ -37,8 +37,9 @@ def test_mlp(tmpdir):
 
 def accuracy(label, pred):
 py = np.argmax(pred, axis=1)
-return np.sum(py == label) / float(label.size)
-
+return np.sum(py == label.astype(py)) / float(label.size)
+# currently mxnet.numpy (which used in gluon.metric) did not support 
"==" between different types

Review comment:
   Reference https://github.com/apache/incubator-mxnet/issues/18137

##
File path: tests/python/unittest/test_metric.py
##
@@ -391,19 +367,23 @@ def test_single_array_input():
 pred = mx.nd.array([[1,2,3,4]])
 label = pred + 0.1
 
-mse = mx.metric.create('mse')
+mse = mx.gluon.metric.create('mse')
 mse.update(label, pred)
 _, mse_res = mse.get()
 np.testing.assert_almost_equal(mse_res, 0.01)
 
-mae = mx.metric.create('mae')
+mae = mx.gluon.metric.create('mae')
 mae.update(label, pred)
 mae.get()
 _, mae_res = mae.get()
 np.testing.assert_almost_equal(mae_res, 0.1)
 
-rmse = mx.metric.create('rmse')
+rmse = mx.gluon.metric.create('rmse')
 rmse.update(label, pred)
 rmse.get()
 _, rmse_res = rmse.get()
 np.testing.assert_almost_equal(rmse_res, 0.1)
+
+if __name__ == '__main__':
+import nose
+nose.runmodule()

Review comment:
   This can be deleted





This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] leezu commented on issue #17935: Windows CI CUDA Intermittent error C2993

2020-05-08 Thread GitBox


leezu commented on issue #17935:
URL: 
https://github.com/apache/incubator-mxnet/issues/17935#issuecomment-626100625


   Seems to be a nvcc bug 
https://github.com/thrust/thrust/issues/1090#issuecomment-626080333



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] yzhliu commented on issue #16655: [Numpy] Clear error message

2020-05-08 Thread GitBox


yzhliu commented on issue #16655:
URL: 
https://github.com/apache/incubator-mxnet/issues/16655#issuecomment-626098304


   fixed by #18257 



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] acphile opened a new issue #18265: Error reporting for operations between different gpus

2020-05-08 Thread GitBox


acphile opened a new issue #18265:
URL: https://github.com/apache/incubator-mxnet/issues/18265


   ```
   import mxnet as mx
   >>> a=mx.nd.array([1,2,3],ctx=mx.gpu(0))
   >>> b=mx.nd.array([1,2,3],ctx=mx.gpu(1))
   >>> a+=b
   >>> print(a)
   Traceback (most recent call last):
 File "", line 1, in 
 File "/home/ubuntu/incubator-mxnet/python/mxnet/ndarray/ndarray.py", line 
257, in __repr__
   return '\n%s\n<%s %s @%s>' % (str(self.asnumpy()),
 File "/home/ubuntu/incubator-mxnet/python/mxnet/ndarray/ndarray.py", line 
2566, in asnumpy
   ctypes.c_size_t(data.size)))
 File "/home/ubuntu/incubator-mxnet/python/mxnet/base.py", line 246, in 
check_call
   raise get_last_ffi_error()
   mxnet.base.MXNetError: Traceback (most recent call last):
 File "../include/mshadow/./stream_gpu-inl.h", line 81
   CUDA: Check failed: e == cudaSuccess: an illegal memory access was 
encountered
   >>> a+=b
   >>> 
   ```
   when I do plus operation for two ndarray with different gpus, it will not 
raise any error. However, it will raise CUDA error when accessing a's data. I 
think it should be more reasonable to raise error when doing operations like 
'a+=b'.



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[incubator-mxnet-site] branch asf-site updated: Bump the publish timestamp.

2020-05-08 Thread aaronmarkham
This is an automated email from the ASF dual-hosted git repository.

aaronmarkham 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 8cf2f74  Bump the publish timestamp.
8cf2f74 is described below

commit 8cf2f7432f8d7fe3b6cc78bf168e2e748d89357b
Author: mxnet-ci 
AuthorDate: Sat May 9 00:48:09 2020 +

Bump the publish timestamp.
---
 date.txt | 1 +
 1 file changed, 1 insertion(+)

diff --git a/date.txt b/date.txt
new file mode 100644
index 000..b91287d
--- /dev/null
+++ b/date.txt
@@ -0,0 +1 @@
+Sat May  9 00:48:09 UTC 2020



[GitHub] [incubator-mxnet] leezu commented on issue #18117: [Gluon][Numpy] Bug of save parameters with numpy front-end

2020-05-08 Thread GitBox


leezu commented on issue #18117:
URL: 
https://github.com/apache/incubator-mxnet/issues/18117#issuecomment-626066067


   Going forward we can simply use the npy / npz formats 
https://numpy.org/devdocs/reference/generated/numpy.lib.format.html 



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] jaisanant0 commented on issue #15275: How to run mxnet(C++) in single-thread mode?

2020-05-08 Thread GitBox


jaisanant0 commented on issue #15275:
URL: 
https://github.com/apache/incubator-mxnet/issues/15275#issuecomment-626035758


   @cyrusbehr 
   I did export omp_num_threads = 1 is working.
   Could you please tell me how to do in shared library as required by NIST?



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[incubator-mxnet] branch master updated (68cb955 -> 33dfbf7)

2020-05-08 Thread apeforest
This is an automated email from the ASF dual-hosted git repository.

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


from 68cb955  fixed overwrite of args/aux variables (#18232)
 add 33dfbf7  fix when clicking version dropdown it jumps to top of the 
page (#18238)

No new revisions were added by this update.

Summary of changes:
 docs/static_site/src/assets/js/options.js | 4 
 1 file changed, 4 insertions(+)



[incubator-mxnet] branch master updated (68cb955 -> 33dfbf7)

2020-05-08 Thread apeforest
This is an automated email from the ASF dual-hosted git repository.

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


from 68cb955  fixed overwrite of args/aux variables (#18232)
 add 33dfbf7  fix when clicking version dropdown it jumps to top of the 
page (#18238)

No new revisions were added by this update.

Summary of changes:
 docs/static_site/src/assets/js/options.js | 4 
 1 file changed, 4 insertions(+)



[incubator-mxnet] branch master updated (68cb955 -> 33dfbf7)

2020-05-08 Thread apeforest
This is an automated email from the ASF dual-hosted git repository.

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


from 68cb955  fixed overwrite of args/aux variables (#18232)
 add 33dfbf7  fix when clicking version dropdown it jumps to top of the 
page (#18238)

No new revisions were added by this update.

Summary of changes:
 docs/static_site/src/assets/js/options.js | 4 
 1 file changed, 4 insertions(+)



[incubator-mxnet] branch master updated (68cb955 -> 33dfbf7)

2020-05-08 Thread apeforest
This is an automated email from the ASF dual-hosted git repository.

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


from 68cb955  fixed overwrite of args/aux variables (#18232)
 add 33dfbf7  fix when clicking version dropdown it jumps to top of the 
page (#18238)

No new revisions were added by this update.

Summary of changes:
 docs/static_site/src/assets/js/options.js | 4 
 1 file changed, 4 insertions(+)



[incubator-mxnet] branch master updated (68cb955 -> 33dfbf7)

2020-05-08 Thread apeforest
This is an automated email from the ASF dual-hosted git repository.

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


from 68cb955  fixed overwrite of args/aux variables (#18232)
 add 33dfbf7  fix when clicking version dropdown it jumps to top of the 
page (#18238)

No new revisions were added by this update.

Summary of changes:
 docs/static_site/src/assets/js/options.js | 4 
 1 file changed, 4 insertions(+)



[GitHub] [incubator-mxnet] ArmageddonKnight commented on a change in pull request #18228: [MXNET-1450] Improve the backward mirroring implementation

2020-05-08 Thread GitBox


ArmageddonKnight commented on a change in pull request #18228:
URL: https://github.com/apache/incubator-mxnet/pull/18228#discussion_r422371418



##
File path: docs/static_site/src/pages/api/faq/env_var.md
##
@@ -189,14 +189,13 @@ $env:MXNET_STORAGE_FALLBACK_LOG_VERBOSE=0
   - The maximum size of an NDArray slice in terms of number of parameters.
   - This parameter is used to slice an NDArray before synchronizing through 
P3Store (dist_p3).
 
-## Memonger
+## Memory Optimizations
 
-* MXNET_BACKWARD_DO_MIRROR
+* MXNET_MEMORY_OPT
   - Values: 0(false) or 1(true) ```(default=0)```
-  - MXNet uses mirroring concept to save memory. Normally backward pass needs 
some forward input and it is stored in memory but you can choose to release 
this saved input and recalculate it in backward pass when needed. This 
basically trades off the computation for memory consumption.
-  - This parameter decides whether to do `mirror` during training for saving 
device memory.
-  - When set to `1`, during forward propagation, graph executor will `mirror` 
some layer's feature map and drop others, but it will re-compute this dropped 
feature maps when needed.
-  - `MXNET_BACKWARD_DO_MIRROR=1` will save 30%~50% of device memory, but 
retains about 95% of running speed.
+  - When set to `1`, MXNet will adopt various approaches to reduce the memory 
consumption of the model. For example, it uses the mirroring concept to save 
memory: Normally the backward pass needs some forward inputs to compute the 
gradients. Those inputs have to be stashed in memory and persistent throughout 
the traianing process. However, you can choose to release those saved inputs 
and recalculate them in the backward pass when needed. This basically trades 
off the computation for memory consumption. When set to `1`, during forward 
propagation, the graph executor will `mirror` some layers' feature maps and 
drop others, but it will re-compute this dropped feature maps when needed.

Review comment:
   Hi @apeforest , I believe that your feedback has been addressed. Please 
let me know if you have any further concerns. Thank you.





This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] cyrusbehr commented on issue #15275: How to run mxnet(C++) in single-thread mode?

2020-05-08 Thread GitBox


cyrusbehr commented on issue #15275:
URL: 
https://github.com/apache/incubator-mxnet/issues/15275#issuecomment-626017216


   @jaisanant0 As a sanity check, can you export those environment variables 
directly into your shell where you are running your program (export them before 
running the program). That way we can isolate the problem. 



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] hzfan commented on a change in pull request #18263: [Numpy] New FFIs for Operator: squeeze, repeat, around, round, diagflat

2020-05-08 Thread GitBox


hzfan commented on a change in pull request #18263:
URL: https://github.com/apache/incubator-mxnet/pull/18263#discussion_r422347011



##
File path: src/api/operator/numpy/np_matrix_op.cc
##
@@ -470,4 +470,66 @@ MXNET_REGISTER_API("_npi.diag_indices_from")
   *ret = ndoutputs[0];
 });
 
+MXNET_REGISTER_API("_npi.repeat")
+.set_body([](runtime::MXNetArgs args, runtime::MXNetRetValue* ret) {
+  using namespace runtime;
+  const nnvm::Op* op = Op::Get("_npi_repeat");
+  nnvm::NodeAttrs attrs;
+  op::RepeatParam param;
+  param.repeats = args[1].operator int();

Review comment:
   So `_npi_repeat` itself does not support `repeats` when it is array of 
ints, right?





This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] ChaiBapchya commented on pull request #18261: [v1.7.x] Backport fixing batch_norm and layer_norm for large tensors (#17805)

2020-05-08 Thread GitBox


ChaiBapchya commented on pull request #18261:
URL: https://github.com/apache/incubator-mxnet/pull/18261#issuecomment-625996731


   @mxnet-bot run ci [unix-cpu, unix-gpu]



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] mxnet-bot commented on pull request #18261: [v1.7.x] Backport fixing batch_norm and layer_norm for large tensors (#17805)

2020-05-08 Thread GitBox


mxnet-bot commented on pull request #18261:
URL: https://github.com/apache/incubator-mxnet/pull/18261#issuecomment-625996784


   Jenkins CI successfully triggered : [unix-cpu, unix-gpu]



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[incubator-mxnet-site] branch asf-site updated: Bump the publish timestamp.

2020-05-08 Thread aaronmarkham
This is an automated email from the ASF dual-hosted git repository.

aaronmarkham 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 371604f  Bump the publish timestamp.
371604f is described below

commit 371604fd77c50439f79c355a94ab0a0b1e90bf59
Author: mxnet-ci 
AuthorDate: Fri May 8 18:48:03 2020 +

Bump the publish timestamp.
---
 date.txt | 1 +
 1 file changed, 1 insertion(+)

diff --git a/date.txt b/date.txt
new file mode 100644
index 000..09e3d70
--- /dev/null
+++ b/date.txt
@@ -0,0 +1 @@
+Fri May  8 18:48:03 UTC 2020



[GitHub] [incubator-mxnet] leezu commented on issue #18137: [Numpy] different behaviours between numpy and mxnet.numpy

2020-05-08 Thread GitBox


leezu commented on issue #18137:
URL: 
https://github.com/apache/incubator-mxnet/issues/18137#issuecomment-625935351


   @acphile can you help to create a separate issue for each problem, to 
simplify tracking the individual issues?



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] leezu commented on issue #18255: MKL_USE_STATIC_LIBS broken

2020-05-08 Thread GitBox


leezu commented on issue #18255:
URL: 
https://github.com/apache/incubator-mxnet/issues/18255#issuecomment-625934207


   @TaoLv you can reproduce it with the version of MKL installed in the CI 
environment: 
https://github.com/apache/incubator-mxnet/blob/68cb9555c4b4779aaae90e593b745270cbb59033/ci/docker/Dockerfile.build.ubuntu#L36-L61
   
   I don't know why mkl is not detected on your system. What happens if you set 
`-DUSE_BLAS=mkl`?
   
   See https://github.com/apache/incubator-mxnet/pull/17794 where the error 
happens on CI.



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] leezu commented on issue #18229: Compiling with USE_TVMOP flaky due to downloading

2020-05-08 Thread GitBox


leezu commented on issue #18229:
URL: 
https://github.com/apache/incubator-mxnet/issues/18229#issuecomment-625932687


   No, that's due to using Makefile build



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] mxnet-bot commented on pull request #18264: CI: Update Android, ARM build and ARM test containers

2020-05-08 Thread GitBox


mxnet-bot commented on pull request #18264:
URL: https://github.com/apache/incubator-mxnet/pull/18264#issuecomment-625927988


   Hey @leezu , Thanks for submitting the PR 
   All tests are already queued to run once. If tests fail, you can trigger one 
or more tests again with the following commands: 
   - To trigger all jobs: @mxnet-bot run ci [all] 
   - To trigger specific jobs: @mxnet-bot run ci [job1, job2] 
   *** 
   **CI supported jobs**: [website, edge, clang, windows-gpu, unix-gpu, 
centos-gpu, centos-cpu, sanity, unix-cpu, miscellaneous, windows-cpu]
   *** 
   _Note_: 
Only following 3 categories can trigger CI :PR Author, MXNet Committer, 
Jenkins Admin. 
   All CI tests must pass before the PR can be merged. 
   



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] leezu opened a new pull request #18264: CI: Update Android, ARM build and ARM test containers

2020-05-08 Thread GitBox


leezu opened a new pull request #18264:
URL: https://github.com/apache/incubator-mxnet/pull/18264


   Following  #18115,  #18138



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] szha commented on issue #18184: Flaky Incorrect Results test_numpy_op.py:: test_np_linalg_slogdet

2020-05-08 Thread GitBox


szha commented on issue #18184:
URL: 
https://github.com/apache/incubator-mxnet/issues/18184#issuecomment-625917939


   Thanks. Sounds like it's safe to re-enable the test then. Let's do that and 
run the CI for three times to make sure it's no longer flaky.



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] sxjscience commented on issue #16743: [Numpy] Cannot mix numpy scalar and MXNet numpy ndarray

2020-05-08 Thread GitBox


sxjscience commented on issue #16743:
URL: 
https://github.com/apache/incubator-mxnet/issues/16743#issuecomment-625910342


   @BenjaminCHEN2016 The problem is that it's a numpy scalar and should be 
treated similarly as python scalars. I just checked that Jax supports the 
following:
   ```python
   import jax.numpy as np
   import numpy as onp
   a = onp.array(1)
   b = np.array(1)
   a
   ```
   Output:
   ```
   Out[17]: DeviceArray(2, dtype=int32)
   ```



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] mxnet-bot commented on pull request #18250: [numpy] fix mixed type backward

2020-05-08 Thread GitBox


mxnet-bot commented on pull request #18250:
URL: https://github.com/apache/incubator-mxnet/pull/18250#issuecomment-625860047


   Jenkins CI successfully triggered : [windows-cpu, windows-gpu]



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] BenjaminCHEN2016 commented on pull request #18250: [numpy] fix mixed type backward

2020-05-08 Thread GitBox


BenjaminCHEN2016 commented on pull request #18250:
URL: https://github.com/apache/incubator-mxnet/pull/18250#issuecomment-625859963


   @mxnet-bot run ci [windows-cpu, windows-gpu]



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[incubator-mxnet-site] branch asf-site updated: Bump the publish timestamp.

2020-05-08 Thread aaronmarkham
This is an automated email from the ASF dual-hosted git repository.

aaronmarkham 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 a8c4e73  Bump the publish timestamp.
a8c4e73 is described below

commit a8c4e7359b6dcb29d4cc0699450420eca59db228
Author: mxnet-ci 
AuthorDate: Fri May 8 12:48:16 2020 +

Bump the publish timestamp.
---
 date.txt | 1 +
 1 file changed, 1 insertion(+)

diff --git a/date.txt b/date.txt
new file mode 100644
index 000..e1134ce
--- /dev/null
+++ b/date.txt
@@ -0,0 +1 @@
+Fri May  8 12:48:16 UTC 2020



[GitHub] [incubator-mxnet] flygragon commented on issue #13773: Compiler error with g++ (Ubuntu 7.3.0-27ubuntu1~18.04) 7.3.0

2020-05-08 Thread GitBox


flygragon commented on issue #13773:
URL: 
https://github.com/apache/incubator-mxnet/issues/13773#issuecomment-625759400


   > You shouldn't downgrade the GCC version. This is a compiler bug. You need 
to update the version to get a gcc version that has the fix for your bug...
   > 
   > If no version contains a fix, then you need to report a bug report at 
https://gcc.gnu.org/bugs/
   > 
   > I'll close this issue as it's unrelated to MXNet, but feel free to discuss 
here further.
   
   I'm glad that  you're feeling free. I think there is cerntainly a bug with 
the gcc 7.5.0, because it 
   consumes almost 11GB memory when compiling a cc file of 8KB and a h file 
with 65KB. I hope this bug has been fixed within a higher version of gcc.



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] flygragon commented on issue #13773: Compiler error with g++ (Ubuntu 7.3.0-27ubuntu1~18.04) 7.3.0

2020-05-08 Thread GitBox


flygragon commented on issue #13773:
URL: 
https://github.com/apache/incubator-mxnet/issues/13773#issuecomment-625734321


   > You shouldn't downgrade the GCC version. This is a compiler bug. You need 
to update the version to get a gcc version that has the fix for your bug...
   > 
   > If no version contains a fix, then you need to report a bug report at 
https://gcc.gnu.org/bugs/
   > 
   > I'll close this issue as it's unrelated to MXNet, but feel free to discuss 
here further.
   
   Thanks for your help! I've solved this problem by enlarging the swap file 
from 2G to 10G.



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] BenjaminCHEN2016 commented on issue #16743: [Numpy] Cannot mix numpy scalar and MXNet numpy ndarray

2020-05-08 Thread GitBox


BenjaminCHEN2016 commented on issue #16743:
URL: 
https://github.com/apache/incubator-mxnet/issues/16743#issuecomment-625724430


   @sxjscience @yzhliu Are numpy array and mxnet array suppose to work together 
? 



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] CassiniXu commented on pull request #18263: [Numpy] New FFIs for Operator: squeeze, repeat, around, round, diagflat

2020-05-08 Thread GitBox


CassiniXu commented on pull request #18263:
URL: https://github.com/apache/incubator-mxnet/pull/18263#issuecomment-625716722


   @hzfan 



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] mxnet-bot commented on pull request #18263: [Numpy] New FFIs for Operator: squeeze, repeat, around, round, diagflat

2020-05-08 Thread GitBox


mxnet-bot commented on pull request #18263:
URL: https://github.com/apache/incubator-mxnet/pull/18263#issuecomment-625716207


   Hey @CassiniXu , Thanks for submitting the PR 
   All tests are already queued to run once. If tests fail, you can trigger one 
or more tests again with the following commands: 
   - To trigger all jobs: @mxnet-bot run ci [all] 
   - To trigger specific jobs: @mxnet-bot run ci [job1, job2] 
   *** 
   **CI supported jobs**: [windows-gpu, edge, unix-gpu, clang, miscellaneous, 
windows-cpu, centos-cpu, centos-gpu, unix-cpu, sanity, website]
   *** 
   _Note_: 
Only following 3 categories can trigger CI :PR Author, MXNet Committer, 
Jenkins Admin. 
   All CI tests must pass before the PR can be merged. 
   



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] CassiniXu opened a new pull request #18263: [Numpy] New FFIs for Operator: squeeze, repeat, around, round, diagflat

2020-05-08 Thread GitBox


CassiniXu opened a new pull request #18263:
URL: https://github.com/apache/incubator-mxnet/pull/18263


   ## Description ##
   (Brief description on what this PR is about)
   
   ## Checklist ##
   ### Essentials ###
   Please feel free to remove inapplicable items for your PR.
   - [ ] The PR title starts with [MXNET-$JIRA_ID], where $JIRA_ID refers to 
the relevant [JIRA issue](https://issues.apache.org/jira/projects/MXNET/issues) 
created (except PRs with tiny changes)
   - [ ] Changes are complete (i.e. I finished coding on this PR)
   - [ ] All changes have test coverage:
   - Unit tests are added for small changes to verify correctness (e.g. adding 
a new operator)
   - Nightly tests are added for complicated/long-running ones (e.g. changing 
distributed kvstore)
   - Build tests will be added for build configuration changes (e.g. adding a 
new build option with NCCL)
   - [ ] Code is well-documented: 
   - For user-facing API changes, API doc string has been updated. 
   - For new C++ functions in header files, their functionalities and arguments 
are documented. 
   - For new examples, README.md is added to explain the what the example does, 
the source of the dataset, expected performance on test set and reference to 
the original paper if applicable
   - Check the API doc at 
https://mxnet-ci-doc.s3-accelerate.dualstack.amazonaws.com/PR-$PR_ID/$BUILD_ID/index.html
   - [ ] To the best of my knowledge, examples are either not affected by this 
change, or have been fixed to be compatible with this change
   
   ### Changes ###
   - [ ] Feature1, tests, (and when applicable, API doc)
   - [ ] Feature2, tests, (and when applicable, API doc)
   
   ## Comments ##
   - If this change is a backward incompatible change, why must this change be 
made.
   - Interesting edge cases to note here
   



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] Tommliu commented on issue #18213: Cannot concatenate boolean numpy arrays

2020-05-08 Thread GitBox


Tommliu commented on issue #18213:
URL: 
https://github.com/apache/incubator-mxnet/issues/18213#issuecomment-625715831


   working on it



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] BenjaminCHEN2016 commented on pull request #18250: [numpy] fix mixed type backward

2020-05-08 Thread GitBox


BenjaminCHEN2016 commented on pull request #18250:
URL: https://github.com/apache/incubator-mxnet/pull/18250#issuecomment-625699001


   @mxnet-bot run ci [miscellaneous, windows-cpu, windows-gpu]



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] mxnet-bot commented on pull request #18250: [numpy] fix mixed type backward

2020-05-08 Thread GitBox


mxnet-bot commented on pull request #18250:
URL: https://github.com/apache/incubator-mxnet/pull/18250#issuecomment-625699068


   Jenkins CI successfully triggered : [miscellaneous, windows-gpu, windows-cpu]



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] acphile commented on pull request #18083: Changes to mxnet.metric

2020-05-08 Thread GitBox


acphile commented on pull request #18083:
URL: https://github.com/apache/incubator-mxnet/pull/18083#issuecomment-625690495


   @mxnet-bot run ci [windows-gpu]



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] mxnet-bot commented on pull request #18083: Changes to mxnet.metric

2020-05-08 Thread GitBox


mxnet-bot commented on pull request #18083:
URL: https://github.com/apache/incubator-mxnet/pull/18083#issuecomment-625690567


   Jenkins CI successfully triggered : [windows-gpu]



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] yzhliu commented on issue #16743: [Numpy] Cannot mix numpy scalar and MXNet numpy ndarray

2020-05-08 Thread GitBox


yzhliu commented on issue #16743:
URL: 
https://github.com/apache/incubator-mxnet/issues/16743#issuecomment-625675226


   @BenjaminCHEN2016 will be looking into it.



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] ChaiBapchya commented on pull request #18261: [v1.7.x] Backport fixing batch_norm and layer_norm for large tensors (#17805)

2020-05-08 Thread GitBox


ChaiBapchya commented on pull request #18261:
URL: https://github.com/apache/incubator-mxnet/pull/18261#issuecomment-625674324


   @mxnet-bot run ci [unix-cpu, unix-gpu, clang]



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] mxnet-bot commented on pull request #18261: [v1.7.x] Backport fixing batch_norm and layer_norm for large tensors (#17805)

2020-05-08 Thread GitBox


mxnet-bot commented on pull request #18261:
URL: https://github.com/apache/incubator-mxnet/pull/18261#issuecomment-625674352


   Jenkins CI successfully triggered : [unix-cpu, clang, unix-gpu]



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[GitHub] [incubator-mxnet] ChaiBapchya commented on issue #18229: Compiling with USE_TVMOP flaky due to downloading

2020-05-08 Thread GitBox


ChaiBapchya commented on issue #18229:
URL: 
https://github.com/apache/incubator-mxnet/issues/18229#issuecomment-625674190


   Another one #18261 
   
   
http://jenkins.mxnet-ci.amazon-ml.com/blue/organizations/jenkins/mxnet-validation%2Funix-gpu/detail/PR-18261/1/pipeline
   
   
http://jenkins.mxnet-ci.amazon-ml.com/blue/organizations/jenkins/mxnet-validation%2Funix-cpu/detail/PR-18261/1/pipeline
   
   @leezu 
   clang failed but not sure if its related to this issue
   Is this 500 internal server error in google protobuf related to tvm?
   
http://jenkins.mxnet-ci.amazon-ml.com/blue/organizations/jenkins/mxnet-validation%2Fclang/detail/PR-18261/1/pipeline



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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




[incubator-mxnet-site] branch asf-site updated: Bump the publish timestamp.

2020-05-08 Thread aaronmarkham
This is an automated email from the ASF dual-hosted git repository.

aaronmarkham 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 cf7a65b  Bump the publish timestamp.
cf7a65b is described below

commit cf7a65b4c578d711a74060f525fa237adf69b33a
Author: mxnet-ci 
AuthorDate: Fri May 8 06:49:31 2020 +

Bump the publish timestamp.
---
 date.txt | 1 +
 1 file changed, 1 insertion(+)

diff --git a/date.txt b/date.txt
new file mode 100644
index 000..de09557
--- /dev/null
+++ b/date.txt
@@ -0,0 +1 @@
+Fri May  8 06:49:31 UTC 2020



[GitHub] [incubator-mxnet] rrjia opened a new issue #18262: mxnet.gluon.data.DataLoader error

2020-05-08 Thread GitBox


rrjia opened a new issue #18262:
URL: https://github.com/apache/incubator-mxnet/issues/18262


   ## Description
   mxnet dataLoader error 
   I defined myself dataset, it work fine , but combine with 
gluon.data.dataLoader it can not work. 
   
   
   class MarketDataset(dataset.Dataset):
   def __init__(self, name, data_root_path, transform=None):
   self.data_dir = data_root_path
   self.name = name
   self.imgs = []
   self._transform = transform
   if self.name == "train":
   sub_dir = os.path.join(self.data_dir, "bounding_box_train")
   elif self.name == 'test':
   sub_dir = os.path.join(self.data_dir, "bounding_box_test")
   elif self.name == 'query':
   sub_dir = os.path.join(self.data_dir, "query")
   else:
   print("name error !! ")
   raise NotImplementedError('Dataset: {} not 
exist.'.format(self.name))
   
   file_names = os.listdir(sub_dir)
   for file_name in file_names:
   if ".jpg" in file_name and "-1" not in file_name:
   file_path = os.path.join(sub_dir, file_name)
   self.imgs.append(file_path)   
   self._id2label = {_id: index for index, _id in 
enumerate(self.unique_ids)}
   
   def __getitem__(self, idx):
   path = self.imgs[idx]
   target = self._id2label[self.id(path)]
   
   img = image.imread(path)
   if self.transform is not None:
   img = self.transform(img)
   
   return img, target
   
   def __len__(self):
   return len(self.imgs)
   
   @staticmethod
   def id(file_path):
   """
   :param file_path: unix style file path
   :return: person id
   """
   return int(os.path.split(file_path)[-1].split("_")[0])
   
   @staticmethod
   def camera(file_path):
   """
   :param file_path: unix style file path
   :return: camera id
   """
   return int(os.path.split(file_path)[-1].split("_")[1][1])
   
   @property
   def ids(self):
   """
   :return: person id list corresponding to dataset image paths
   """
   return [self.id(path) for path in self.imgs]
   
   @property
   def unique_ids(self):
   """
   :return: unique person ids in ascending order
   """
   return sorted(set(self.ids))
   
   @property
   def cameras(self):
   """
   :return: camera id list corresponding to dataset image paths
   """
   return [self.camera(path) for path in self.imgs]
   
   
   
   
   ### Error Message
 File 
"D:\programFiles\Anaconda3\lib\site-packages\mxnet\gluon\data\dataloader.py", 
line 451, in __next__
   batch = pickle.loads(ret.get()) if self._dataset is None else ret.get()
 File "D:\programFiles\Anaconda3\lib\multiprocessing\pool.py", line 670, in 
get
   raise self._value
 File "D:\programFiles\Anaconda3\lib\multiprocessing\pool.py", line 119, in 
worker
   result = (True, func(*args, **kwds))
 File 
"D:\programFiles\Anaconda3\lib\site-packages\mxnet\gluon\data\dataloader.py", 
line 407, in _thread_worker_fn
   return batchify_fn([dataset[i] for i in samples])
 File 
"D:\programFiles\Anaconda3\lib\site-packages\mxnet\gluon\data\dataloader.py", 
line 147, in default_mp_batchify_fn
   return [default_mp_batchify_fn(i) for i in data]
 File 
"D:\programFiles\Anaconda3\lib\site-packages\mxnet\gluon\data\dataloader.py", 
line 147, in 
   return [default_mp_batchify_fn(i) for i in data]
 File 
"D:\programFiles\Anaconda3\lib\site-packages\mxnet\gluon\data\dataloader.py", 
line 149, in default_mp_batchify_fn
   data = np.asarray(data)
 File "D:\programFiles\Anaconda3\lib\site-packages\numpy\core\_asarray.py", 
line 85, in asarray
   return array(a, dtype, copy=False, order=order)
 File 
"D:\programFiles\Anaconda3\lib\site-packages\mxnet\gluon\data\dataset.py", line 
124, in __getitem__
   return self._fn(*item)
   TypeError: 'NDArray' object is not callable
   ## To Reproduce
   (If you developed your own code, please provide a short script that 
reproduces the error. For existing examples, please provide link.)
   
   
   
   



This is an automated message from the Apache Git Service.
To respond to the message, please log on to 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