[incubator-mxnet] branch master updated (0523f09 -> 21899f8)

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

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


from 0523f09  [Numpy] New FFIs for Operator: squeeze, repeat, around, 
round, diagflat (#18263)
 add 21899f8  Update unix gpu toolchain (#18186)

No new revisions were added by this update.

Summary of changes:
 ci/Jenkinsfile_utils.groovy   |  1 +
 ci/build.py   |  3 ++-
 ci/docker/Dockerfile.build.ubuntu |  6 --
 ci/docker/docker-compose.yml  |  2 +-
 ci/jenkins/Jenkins_steps.groovy   | 24 
 ci/jenkins/Jenkinsfile_unix_gpu   |  2 +-
 6 files changed, 17 insertions(+), 21 deletions(-)



[incubator-mxnet] branch master updated: Update unix gpu toolchain (#18186)

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

lausen 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 21899f8  Update unix gpu toolchain (#18186)
21899f8 is described below

commit 21899f87f552b4d78a48ae0947047dce37ce13e1
Author: Chaitanya Prakash Bapat 
AuthorDate: Mon May 11 19:25:02 2020 -0700

Update unix gpu toolchain (#18186)

* update nvidiadocker command & remove cuda compat

* replace cu101 with cuda since compat is no longer to be used

* skip flaky tests

* get rid of ubuntu_build_cuda and point ubuntu_cu101 to base gpu instead 
of cuda compat

* Revert "skip flaky tests"

This reverts commit 1c720fad8791a4518b4012de2e3339a7cdff5d74.

* revert removal of ubuntu_build_cuda

* add linux gpu g4 node to all steps using g3 in unix-gpu pipeline
---
 ci/Jenkinsfile_utils.groovy   |  1 +
 ci/build.py   |  3 ++-
 ci/docker/Dockerfile.build.ubuntu |  6 --
 ci/docker/docker-compose.yml  |  2 +-
 ci/jenkins/Jenkins_steps.groovy   | 24 
 ci/jenkins/Jenkinsfile_unix_gpu   |  2 +-
 6 files changed, 17 insertions(+), 21 deletions(-)

diff --git a/ci/Jenkinsfile_utils.groovy b/ci/Jenkinsfile_utils.groovy
index 4954963..ee254b0 100644
--- a/ci/Jenkinsfile_utils.groovy
+++ b/ci/Jenkinsfile_utils.groovy
@@ -257,6 +257,7 @@ def assign_node_labels(args) {
   //knowing about the limitations.
   NODE_LINUX_CPU = args.linux_cpu
   NODE_LINUX_GPU = args.linux_gpu
+  NODE_LINUX_GPU_G4 = args.linux_gpu_g4
   NODE_LINUX_GPU_P3 = args.linux_gpu_p3
   NODE_WINDOWS_CPU = args.windows_cpu
   NODE_WINDOWS_GPU = args.windows_gpu
diff --git a/ci/build.py b/ci/build.py
index 5552338..1a8537b 100755
--- a/ci/build.py
+++ b/ci/build.py
@@ -227,8 +227,9 @@ def container_run(docker_client: SafeDockerClient,
 
 # Equivalent command
 docker_cmd_list = [
-"nvidia-docker" if nvidia_runtime else "docker",
+"docker",
 'run',
+"--gpus all" if nvidia_runtime else "",
 "--cap-add",
 "SYS_PTRACE", # Required by ASAN
 '--rm',
diff --git a/ci/docker/Dockerfile.build.ubuntu 
b/ci/docker/Dockerfile.build.ubuntu
index c751c62..d5933c3 100644
--- a/ci/docker/Dockerfile.build.ubuntu
+++ b/ci/docker/Dockerfile.build.ubuntu
@@ -164,9 +164,3 @@ RUN export DEBIAN_FRONTEND=noninteractive && \
 apt install -y  --no-install-recommends \
 cuda-10-1 && \
 rm -rf /var/lib/apt/lists/*
-
-
-FROM gpu as gpuwithcompatenv
-# TVMOP requires /usr/local/cuda/compat is no LD_LIBRARY_PATH.
-# This should be fixed and deleted.
-ENV LD_LIBRARY_PATH=${LD_LIBRARY_PATH}:/usr/local/cuda/compat
\ No newline at end of file
diff --git a/ci/docker/docker-compose.yml b/ci/docker/docker-compose.yml
index b0fd898..ca00f9f 100644
--- a/ci/docker/docker-compose.yml
+++ b/ci/docker/docker-compose.yml
@@ -103,7 +103,7 @@ services:
 build:
   context: .
   dockerfile: Dockerfile.build.ubuntu
-  target: gpuwithcompatenv
+  target: gpu
   args:
 BASE_IMAGE: nvidia/cuda:10.1-cudnn7-devel-ubuntu18.04
   cache_from:
diff --git a/ci/jenkins/Jenkins_steps.groovy b/ci/jenkins/Jenkins_steps.groovy
index 204567d..20024d2 100644
--- a/ci/jenkins/Jenkins_steps.groovy
+++ b/ci/jenkins/Jenkins_steps.groovy
@@ -151,7 +151,7 @@ def compile_unix_int64_cpu(lib_name) {
 
 def compile_unix_int64_gpu(lib_name) {
 return ['GPU: USE_INT64_TENSOR_SIZE': {
-  node(NODE_LINUX_GPU) {
+  node(NODE_LINUX_GPU_G4) {
 ws('workspace/build-gpu-int64') {
   timeout(time: max_time, unit: 'MINUTES') {
 utils.init_git()
@@ -816,7 +816,7 @@ def test_unix_python3_mkl_cpu(lib_name) {
 
 def test_unix_python3_gpu(lib_name) {
 return ['Python3: GPU': {
-  node(NODE_LINUX_GPU) {
+  node(NODE_LINUX_GPU_G4) {
 ws('workspace/ut-python3-gpu') {
   try {
 utils.unpack_and_init(lib_name, mx_lib_cython)
@@ -916,7 +916,7 @@ def test_unix_python3_mkldnn_mkl_cpu(lib_name) {
 
 def test_unix_python3_mkldnn_gpu(lib_name) {
 return ['Python3: MKLDNN-GPU': {
-  node(NODE_LINUX_GPU) {
+  node(NODE_LINUX_GPU_G4) {
 ws('workspace/ut-python3-mkldnn-gpu') {
   try {
 utils.unpack_and_init(lib_name, mx_mkldnn_lib)
@@ -932,7 +932,7 @@ def test_unix_python3_mkldnn_gpu(lib_name) {
 
 def test_unix_python3_mkldnn_nocudnn_gpu(lib_name) {
 return ['Python3: MKLDNN-GPU-NOCUDNN': {
-  node(NODE_LINUX_GPU) {
+  node(NODE_LINUX_GPU_G4) {
 ws('workspace/ut-python3-mkldnn-gpu-nocudnn') {
   try {
 utils.unpack_and_init(lib_name, mx_mkldnn_lib)
@@ -966,7 +966,7 @@ def test_unix_python3_tensorrt_gpu(lib_name) {
 
 def test_unix_python3_integration_gpu(lib_name) {
 return ['Python Integration GPU': {
-  

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

2020-05-11 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 50a1b5d  Bump the publish timestamp.
50a1b5d is described below

commit 50a1b5dfed9664c00d3e2ab75d803d794f443cc8
Author: mxnet-ci 
AuthorDate: Tue May 12 00:43: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..8029f93
--- /dev/null
+++ b/date.txt
@@ -0,0 +1 @@
+Tue May 12 00:43:03 UTC 2020



[incubator-mxnet] branch master updated (18b6e05 -> 0523f09)

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

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


from 18b6e05  Deprecate dataset transform= argument in gluon data API 
(#17852)
 add 0523f09  [Numpy] New FFIs for Operator: squeeze, repeat, around, 
round, diagflat (#18263)

No new revisions were added by this update.

Summary of changes:
 benchmark/python/ffi/benchmark_ffi.py  |   5 +
 python/mxnet/ndarray/numpy/_op.py  | 143 -
 python/mxnet/numpy/multiarray.py   | 143 -
 python/mxnet/symbol/numpy/_symbol.py   | 142 +++-
 .../operator/numpy/np_elemwise_unary_op_basic.cc   |  24 
 src/api/operator/numpy/np_matrix_op.cc |  62 +
 src/operator/numpy/np_matrix_op-inl.h  |   5 +
 src/operator/numpy/np_matrix_op.cc |   8 +-
 src/operator/numpy/np_matrix_op.cu |   6 +-
 src/operator/tensor/elemwise_unary_op.h|   5 +
 src/operator/tensor/matrix_op-inl.h|  12 ++
 src/operator/tensor/matrix_op.cc   |   2 +-
 12 files changed, 537 insertions(+), 20 deletions(-)



[incubator-mxnet] branch master updated (18b6e05 -> 0523f09)

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

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


from 18b6e05  Deprecate dataset transform= argument in gluon data API 
(#17852)
 add 0523f09  [Numpy] New FFIs for Operator: squeeze, repeat, around, 
round, diagflat (#18263)

No new revisions were added by this update.

Summary of changes:
 benchmark/python/ffi/benchmark_ffi.py  |   5 +
 python/mxnet/ndarray/numpy/_op.py  | 143 -
 python/mxnet/numpy/multiarray.py   | 143 -
 python/mxnet/symbol/numpy/_symbol.py   | 142 +++-
 .../operator/numpy/np_elemwise_unary_op_basic.cc   |  24 
 src/api/operator/numpy/np_matrix_op.cc |  62 +
 src/operator/numpy/np_matrix_op-inl.h  |   5 +
 src/operator/numpy/np_matrix_op.cc |   8 +-
 src/operator/numpy/np_matrix_op.cu |   6 +-
 src/operator/tensor/elemwise_unary_op.h|   5 +
 src/operator/tensor/matrix_op-inl.h|  12 ++
 src/operator/tensor/matrix_op.cc   |   2 +-
 12 files changed, 537 insertions(+), 20 deletions(-)



[incubator-mxnet] branch master updated (18b6e05 -> 0523f09)

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

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


from 18b6e05  Deprecate dataset transform= argument in gluon data API 
(#17852)
 add 0523f09  [Numpy] New FFIs for Operator: squeeze, repeat, around, 
round, diagflat (#18263)

No new revisions were added by this update.

Summary of changes:
 benchmark/python/ffi/benchmark_ffi.py  |   5 +
 python/mxnet/ndarray/numpy/_op.py  | 143 -
 python/mxnet/numpy/multiarray.py   | 143 -
 python/mxnet/symbol/numpy/_symbol.py   | 142 +++-
 .../operator/numpy/np_elemwise_unary_op_basic.cc   |  24 
 src/api/operator/numpy/np_matrix_op.cc |  62 +
 src/operator/numpy/np_matrix_op-inl.h  |   5 +
 src/operator/numpy/np_matrix_op.cc |   8 +-
 src/operator/numpy/np_matrix_op.cu |   6 +-
 src/operator/tensor/elemwise_unary_op.h|   5 +
 src/operator/tensor/matrix_op-inl.h|  12 ++
 src/operator/tensor/matrix_op.cc   |   2 +-
 12 files changed, 537 insertions(+), 20 deletions(-)



[incubator-mxnet] branch master updated (9d44086 -> 18b6e05)

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

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


from 9d44086  [Numpy] Port nd.random.multinomial to npx.sample_categorical 
(#18272)
 add 18b6e05  Deprecate dataset transform= argument in gluon data API 
(#17852)

No new revisions were added by this update.

Summary of changes:
 .../tutorials/packages/gluon/blocks/save_load_params.md|  2 +-
 example/distributed_training/README.md |  9 -
 example/distributed_training/cifar10_dist.py   |  4 ++--
 example/gluon/data.py  |  8 
 example/gluon/dc_gan/dcgan.py  |  8 
 example/gluon/mnist/mnist.py   |  4 ++--
 example/gluon/sn_gan/data.py   |  2 +-
 example/restricted-boltzmann-machine/binary_rbm_gluon.py   |  6 +++---
 python/mxnet/gluon/data/dataset.py |  4 
 python/mxnet/gluon/data/vision/datasets.py | 14 ++
 10 files changed, 39 insertions(+), 22 deletions(-)



[incubator-mxnet] branch master updated (18b6e05 -> 0523f09)

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

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


from 18b6e05  Deprecate dataset transform= argument in gluon data API 
(#17852)
 add 0523f09  [Numpy] New FFIs for Operator: squeeze, repeat, around, 
round, diagflat (#18263)

No new revisions were added by this update.

Summary of changes:
 benchmark/python/ffi/benchmark_ffi.py  |   5 +
 python/mxnet/ndarray/numpy/_op.py  | 143 -
 python/mxnet/numpy/multiarray.py   | 143 -
 python/mxnet/symbol/numpy/_symbol.py   | 142 +++-
 .../operator/numpy/np_elemwise_unary_op_basic.cc   |  24 
 src/api/operator/numpy/np_matrix_op.cc |  62 +
 src/operator/numpy/np_matrix_op-inl.h  |   5 +
 src/operator/numpy/np_matrix_op.cc |   8 +-
 src/operator/numpy/np_matrix_op.cu |   6 +-
 src/operator/tensor/elemwise_unary_op.h|   5 +
 src/operator/tensor/matrix_op-inl.h|  12 ++
 src/operator/tensor/matrix_op.cc   |   2 +-
 12 files changed, 537 insertions(+), 20 deletions(-)



[incubator-mxnet] branch master updated (9d44086 -> 18b6e05)

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

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


from 9d44086  [Numpy] Port nd.random.multinomial to npx.sample_categorical 
(#18272)
 add 18b6e05  Deprecate dataset transform= argument in gluon data API 
(#17852)

No new revisions were added by this update.

Summary of changes:
 .../tutorials/packages/gluon/blocks/save_load_params.md|  2 +-
 example/distributed_training/README.md |  9 -
 example/distributed_training/cifar10_dist.py   |  4 ++--
 example/gluon/data.py  |  8 
 example/gluon/dc_gan/dcgan.py  |  8 
 example/gluon/mnist/mnist.py   |  4 ++--
 example/gluon/sn_gan/data.py   |  2 +-
 example/restricted-boltzmann-machine/binary_rbm_gluon.py   |  6 +++---
 python/mxnet/gluon/data/dataset.py |  4 
 python/mxnet/gluon/data/vision/datasets.py | 14 ++
 10 files changed, 39 insertions(+), 22 deletions(-)



[incubator-mxnet] branch master updated (18b6e05 -> 0523f09)

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

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


from 18b6e05  Deprecate dataset transform= argument in gluon data API 
(#17852)
 add 0523f09  [Numpy] New FFIs for Operator: squeeze, repeat, around, 
round, diagflat (#18263)

No new revisions were added by this update.

Summary of changes:
 benchmark/python/ffi/benchmark_ffi.py  |   5 +
 python/mxnet/ndarray/numpy/_op.py  | 143 -
 python/mxnet/numpy/multiarray.py   | 143 -
 python/mxnet/symbol/numpy/_symbol.py   | 142 +++-
 .../operator/numpy/np_elemwise_unary_op_basic.cc   |  24 
 src/api/operator/numpy/np_matrix_op.cc |  62 +
 src/operator/numpy/np_matrix_op-inl.h  |   5 +
 src/operator/numpy/np_matrix_op.cc |   8 +-
 src/operator/numpy/np_matrix_op.cu |   6 +-
 src/operator/tensor/elemwise_unary_op.h|   5 +
 src/operator/tensor/matrix_op-inl.h|  12 ++
 src/operator/tensor/matrix_op.cc   |   2 +-
 12 files changed, 537 insertions(+), 20 deletions(-)



[incubator-mxnet] branch master updated (9d44086 -> 18b6e05)

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

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


from 9d44086  [Numpy] Port nd.random.multinomial to npx.sample_categorical 
(#18272)
 add 18b6e05  Deprecate dataset transform= argument in gluon data API 
(#17852)

No new revisions were added by this update.

Summary of changes:
 .../tutorials/packages/gluon/blocks/save_load_params.md|  2 +-
 example/distributed_training/README.md |  9 -
 example/distributed_training/cifar10_dist.py   |  4 ++--
 example/gluon/data.py  |  8 
 example/gluon/dc_gan/dcgan.py  |  8 
 example/gluon/mnist/mnist.py   |  4 ++--
 example/gluon/sn_gan/data.py   |  2 +-
 example/restricted-boltzmann-machine/binary_rbm_gluon.py   |  6 +++---
 python/mxnet/gluon/data/dataset.py |  4 
 python/mxnet/gluon/data/vision/datasets.py | 14 ++
 10 files changed, 39 insertions(+), 22 deletions(-)



[incubator-mxnet] branch master updated: Deprecate dataset transform= argument in gluon data API (#17852)

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

lausen 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 18b6e05  Deprecate dataset transform= argument in gluon data API 
(#17852)
18b6e05 is described below

commit 18b6e0552ae89d86ece4501eb1e08d3ff65cefe4
Author: Joshua Z. Zhang 
AuthorDate: Mon May 11 16:34:19 2020 -0700

Deprecate dataset transform= argument in gluon data API (#17852)
---
 .../tutorials/packages/gluon/blocks/save_load_params.md|  2 +-
 example/distributed_training/README.md |  9 -
 example/distributed_training/cifar10_dist.py   |  4 ++--
 example/gluon/data.py  |  8 
 example/gluon/dc_gan/dcgan.py  |  8 
 example/gluon/mnist/mnist.py   |  4 ++--
 example/gluon/sn_gan/data.py   |  2 +-
 example/restricted-boltzmann-machine/binary_rbm_gluon.py   |  6 +++---
 python/mxnet/gluon/data/dataset.py |  4 
 python/mxnet/gluon/data/vision/datasets.py | 14 ++
 10 files changed, 39 insertions(+), 22 deletions(-)

diff --git 
a/docs/python_docs/python/tutorials/packages/gluon/blocks/save_load_params.md 
b/docs/python_docs/python/tutorials/packages/gluon/blocks/save_load_params.md
index ee72095..0515303 100644
--- 
a/docs/python_docs/python/tutorials/packages/gluon/blocks/save_load_params.md
+++ 
b/docs/python_docs/python/tutorials/packages/gluon/blocks/save_load_params.md
@@ -180,7 +180,7 @@ def verify_loaded_model(net):
 return data.astype(np.float32)/255, label.astype(np.float32)
 
 # Load ten random images from the test dataset
-sample_data = 
mx.gluon.data.DataLoader(mx.gluon.data.vision.MNIST(train=False, 
transform=transform),
+sample_data = 
mx.gluon.data.DataLoader(mx.gluon.data.vision.MNIST(train=False).transform(transform),
   10, shuffle=True)
 
 for data, label in sample_data:
diff --git a/example/distributed_training/README.md 
b/example/distributed_training/README.md
index af25b9e..7025b07 100644
--- a/example/distributed_training/README.md
+++ b/example/distributed_training/README.md
@@ -117,7 +117,7 @@ We can then create a `DataLoader` using the `SplitSampler` 
like shown below:
 
 ```python
 # Load the training data
-train_data = gluon.data.DataLoader(gluon.data.vision.CIFAR10(train=True, 
transform=transform),
+train_data = 
gluon.data.DataLoader(gluon.data.vision.CIFAR10(train=True).transform(transform),
   batch_size,
   sampler=SplitSampler(5, 
store.num_workers, store.rank))
 ```
@@ -141,7 +141,7 @@ def train_batch(batch, ctx, net, trainer):
 # Split and load data into multiple GPUs
 data = batch[0]
 data = gluon.utils.split_and_load(data, ctx)
-
+
 # Split and load label into multiple GPUs
 label = batch[1]
 label = gluon.utils.split_and_load(label, ctx)
@@ -204,7 +204,7 @@ python ~/mxnet/tools/launch.py -n 2 -s 2 -H hosts \
 Let's take a look at the `hosts` file.
 
 ```
-~/dist$ cat hosts 
+~/dist$ cat hosts
 d1
 d2
 ```
@@ -232,7 +232,7 @@ Last login: Wed Jan 31 18:06:45 2018 from 72.21.198.67
 Note that no authentication information was provided to login to the host. 
This can be done using multiple methods. One easy way is to specify the ssh 
certificates in `~/.ssh/config`. Example:
 
 ```
-~$ cat ~/.ssh/config 
+~$ cat ~/.ssh/config
 Host d1
 HostName ec2-34-201-108-233.compute-1.amazonaws.com
 port 22
@@ -269,4 +269,3 @@ Epoch 4: Test_acc 0.687900
 ```
 
 Note that the output from all hosts are merged and printed to the console.
-
diff --git a/example/distributed_training/cifar10_dist.py 
b/example/distributed_training/cifar10_dist.py
index d3ba515..b668457 100644
--- a/example/distributed_training/cifar10_dist.py
+++ b/example/distributed_training/cifar10_dist.py
@@ -86,11 +86,11 @@ class SplitSampler(gluon.data.sampler.Sampler):
 
 
 # Load the training data
-train_data = gluon.data.DataLoader(gluon.data.vision.CIFAR10(train=True, 
transform=transform), batch_size,
+train_data = 
gluon.data.DataLoader(gluon.data.vision.CIFAR10(train=True).transform(transform),
 batch_size,
sampler=SplitSampler(5, 
store.num_workers, store.rank))
 
 # Load the test data
-test_data = gluon.data.DataLoader(gluon.data.vision.CIFAR10(train=False, 
transform=transform),
+test_data = 
gluon.data.DataLoader(gluon.data.vision.CIFAR10(train=False).transform(transform),
   batch_size, shuffle=False)
 
 # Use ResNet from model zoo
diff --git a/example/gluon/data.py b/example/gluon/data.py
index f855c90..7d0f882 100644
--- a/example/gluon/data.py
+++ b/example/gluon/data.py

[incubator-mxnet] branch master updated: [Numpy] Port nd.random.multinomial to npx.sample_categorical (#18272)

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

liuyizhi 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 9d44086  [Numpy] Port nd.random.multinomial to npx.sample_categorical 
(#18272)
9d44086 is described below

commit 9d440868603ad26b702e12ddd2587e5c4b56e42b
Author: Xi Wang 
AuthorDate: Tue May 12 04:57:56 2020 +0800

[Numpy] Port nd.random.multinomial to npx.sample_categorical (#18272)

* port nd.multinomial to npx.sample_categorical

* move to npx.random
---
 src/operator/random/sample_multinomial_op.cc |  1 +
 tests/python/unittest/test_numpy_op.py   | 27 +++
 2 files changed, 28 insertions(+)

diff --git a/src/operator/random/sample_multinomial_op.cc 
b/src/operator/random/sample_multinomial_op.cc
index bba76ce..f0aa246 100644
--- a/src/operator/random/sample_multinomial_op.cc
+++ b/src/operator/random/sample_multinomial_op.cc
@@ -32,6 +32,7 @@ DMLC_REGISTER_PARAMETER(SampleMultinomialParam);
 
 NNVM_REGISTER_OP(_sample_multinomial)
 .add_alias("sample_multinomial")
+.add_alias("_npx__random_categorical")
 .describe(R"code(Concurrent sampling from multiple multinomial distributions.
 
 *data* is an *n* dimensional array whose last dimension has length *k*, where
diff --git a/tests/python/unittest/test_numpy_op.py 
b/tests/python/unittest/test_numpy_op.py
index bb07a57..3472481 100644
--- a/tests/python/unittest/test_numpy_op.py
+++ b/tests/python/unittest/test_numpy_op.py
@@ -4545,6 +4545,33 @@ def test_np_multivariate_normal():
 
 @with_seed()
 @use_np
+def test_npx_categorical():
+class TestNumpyCategorical(HybridBlock):
+def __init__(self, size=None):
+super(TestNumpyCategorical, self).__init__()
+self.size = size
+
+def hybrid_forward(self, F, prob):
+if self.size is None:
+return F.npx.random.categorical(prob)
+return F.npx.random.categorical(prob, shape=self.size)
+
+batch_sizes = [(2,), (2, 3)]
+event_shapes = [None, (10,), (10, 12)]
+num_event = [2, 4, 10]
+for batch_size, num_event, event_shape in itertools.product(batch_sizes, 
num_event, event_shapes):
+for hybridize in [True, False]:
+prob = np.ones(batch_size + (num_event,)) / num_event
+net = TestNumpyCategorical(event_shape)
+if hybridize:
+net.hybridize()
+mx_out = net(prob)
+desired_shape = batch_size + event_shape if event_shape is not 
None else batch_size
+assert mx_out.shape == desired_shape
+
+
+@with_seed()
+@use_np
 def test_random_seed():
 for seed in [234, 594, 7240, 20394]:
 ret = []



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

2020-05-11 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 9d1860e  Bump the publish timestamp.
9d1860e is described below

commit 9d1860e57922326d239fc92ee51567631f4c9a7e
Author: mxnet-ci 
AuthorDate: Mon May 11 18:48:58 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..3e533e1
--- /dev/null
+++ b/date.txt
@@ -0,0 +1 @@
+Mon May 11 18:48:58 UTC 2020



[incubator-mxnet] branch master updated (de51058 -> 1d14bf3)

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

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


from de51058  Fix interleave matmul doc (#18260)
 add 1d14bf3  CI: Update Android, ARM build and ARM test containers (#18264)

No new revisions were added by this update.

Summary of changes:
 ci/build.py|  6 +-
 ...uild.android_armv7 => Dockerfile.build.android} | 57 +++---
 ci/docker/Dockerfile.build.android_armv8   | 63 
 ...Dockerfile.build.armv6 => Dockerfile.build.arm} | 88 +++---
 ci/docker/Dockerfile.build.armv7   | 59 ---
 ci/docker/Dockerfile.build.armv8   | 59 ---
 ci/docker/Dockerfile.build.test.armv8  | 48 
 ...erfile.build.test.armv7 => Dockerfile.test.arm} |  5 +-
 ci/docker/docker-compose.yml   | 67 
 9 files changed, 195 insertions(+), 257 deletions(-)
 rename ci/docker/{Dockerfile.build.android_armv7 => Dockerfile.build.android} 
(58%)
 delete mode 100644 ci/docker/Dockerfile.build.android_armv8
 rename ci/docker/{Dockerfile.build.armv6 => Dockerfile.build.arm} (50%)
 delete mode 100644 ci/docker/Dockerfile.build.armv7
 delete mode 100644 ci/docker/Dockerfile.build.armv8
 delete mode 100644 ci/docker/Dockerfile.build.test.armv8
 rename ci/docker/{Dockerfile.build.test.armv7 => Dockerfile.test.arm} (94%)



[incubator-mxnet] branch master updated (de51058 -> 1d14bf3)

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

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


from de51058  Fix interleave matmul doc (#18260)
 add 1d14bf3  CI: Update Android, ARM build and ARM test containers (#18264)

No new revisions were added by this update.

Summary of changes:
 ci/build.py|  6 +-
 ...uild.android_armv7 => Dockerfile.build.android} | 57 +++---
 ci/docker/Dockerfile.build.android_armv8   | 63 
 ...Dockerfile.build.armv6 => Dockerfile.build.arm} | 88 +++---
 ci/docker/Dockerfile.build.armv7   | 59 ---
 ci/docker/Dockerfile.build.armv8   | 59 ---
 ci/docker/Dockerfile.build.test.armv8  | 48 
 ...erfile.build.test.armv7 => Dockerfile.test.arm} |  5 +-
 ci/docker/docker-compose.yml   | 67 
 9 files changed, 195 insertions(+), 257 deletions(-)
 rename ci/docker/{Dockerfile.build.android_armv7 => Dockerfile.build.android} 
(58%)
 delete mode 100644 ci/docker/Dockerfile.build.android_armv8
 rename ci/docker/{Dockerfile.build.armv6 => Dockerfile.build.arm} (50%)
 delete mode 100644 ci/docker/Dockerfile.build.armv7
 delete mode 100644 ci/docker/Dockerfile.build.armv8
 delete mode 100644 ci/docker/Dockerfile.build.test.armv8
 rename ci/docker/{Dockerfile.build.test.armv7 => Dockerfile.test.arm} (94%)



[incubator-mxnet] branch v1.x updated: Fix pylint astroid sanity issue (#18275)

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

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


The following commit(s) were added to refs/heads/v1.x by this push:
 new 38ec873  Fix pylint astroid sanity issue (#18275)
38ec873 is described below

commit 38ec873c3e574c78c050ebe3fa2b904be1975e7a
Author: Chaitanya Prakash Bapat 
AuthorDate: Mon May 11 10:03:06 2020 -0700

Fix pylint astroid sanity issue (#18275)

* Fix pylint astroid sanity issue

Cherrypick 
https://github.com/apache/incubator-mxnet/commit/18e2014004eb52e34db926d47202f1add5ff817f
 from #18220
---
 ci/docker/install/requirements | 3 ++-
 1 file changed, 2 insertions(+), 1 deletion(-)

diff --git a/ci/docker/install/requirements b/ci/docker/install/requirements
index 2d5125e..fee6a8b 100644
--- a/ci/docker/install/requirements
+++ b/ci/docker/install/requirements
@@ -27,7 +27,8 @@ mock==2.0.0
 nose==1.3.7
 nose-timer==0.7.3
 numpy>1.16.0,<2.0.0
-pylint==2.3.1; python_version >= '3.0'
+pylint==2.3.1  # pylint and astroid need to be aligned 
+astroid==2.3.3  # pylint and astroid need to be aligned 
 requests<2.19.0,>=2.18.4
 scipy==1.2.1
 six==1.11.0



[incubator-mxnet] branch v1.x updated: Fix pylint astroid sanity issue (#18275)

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

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


The following commit(s) were added to refs/heads/v1.x by this push:
 new 38ec873  Fix pylint astroid sanity issue (#18275)
38ec873 is described below

commit 38ec873c3e574c78c050ebe3fa2b904be1975e7a
Author: Chaitanya Prakash Bapat 
AuthorDate: Mon May 11 10:03:06 2020 -0700

Fix pylint astroid sanity issue (#18275)

* Fix pylint astroid sanity issue

Cherrypick 
https://github.com/apache/incubator-mxnet/commit/18e2014004eb52e34db926d47202f1add5ff817f
 from #18220
---
 ci/docker/install/requirements | 3 ++-
 1 file changed, 2 insertions(+), 1 deletion(-)

diff --git a/ci/docker/install/requirements b/ci/docker/install/requirements
index 2d5125e..fee6a8b 100644
--- a/ci/docker/install/requirements
+++ b/ci/docker/install/requirements
@@ -27,7 +27,8 @@ mock==2.0.0
 nose==1.3.7
 nose-timer==0.7.3
 numpy>1.16.0,<2.0.0
-pylint==2.3.1; python_version >= '3.0'
+pylint==2.3.1  # pylint and astroid need to be aligned 
+astroid==2.3.3  # pylint and astroid need to be aligned 
 requests<2.19.0,>=2.18.4
 scipy==1.2.1
 six==1.11.0



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

2020-05-11 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 31a84dc  Bump the publish timestamp.
31a84dc is described below

commit 31a84dc101aba69fb308a7dfaec31f1977d07a39
Author: mxnet-ci 
AuthorDate: Mon May 11 12:48:12 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..678a98d
--- /dev/null
+++ b/date.txt
@@ -0,0 +1 @@
+Mon May 11 12:48:11 UTC 2020



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

2020-05-11 Thread GitBox


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


   In my environment, the problem can be mitigated by pre loading the 
libraries. I'm trying to see if we can fix it on build or link stage.
   
   ```
   (mxnet) [lvtao@mlt2-clx020 mxnet-temp]$ export 
LD_PRELOAD=/opt/intel/mkl/lib/intel64/libmkl_core.so:/opt/intel/mkl/lib/intel64/libmkl_intel_lp64.so:/opt/intel/mkl/lib/intel64/libmkl_intel_thread.so:/opt/intel/lib/intel64_lin/libiomp5.so
   (mxnet) [lvtao@mlt2-clx020 mxnet-temp]$ python3 -c 'import mxnet as mx; 
print(mx.nd.square(mx.nd.random.uniform(shape=(1024,'
   
   [0.30119628 0.35146472 0.51149577 ... 0.12286104 0.28916994 0.35195467]
   
   
   ```



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] david9ml opened a new issue #18278: gluon ssd"ssd_512_resnet50_v1_custom" converted to onnx failed !

2020-05-11 Thread GitBox


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


   ## Description
   I tried to convert gluon model(ssd_512_resnet50_v1_custom) to onnx, but 
failed ! 
   
   ### Error Message
   Traceback (most recent call last):
 File "ssd_gluon.py", line 79, in 
   converted_model_path = onnx_mxnet.export_model(net_sym, net_params, 
[input_shape], np.float32, onnx_file, verbose=True)
 File 
"anaconda2/envs/Python3/lib/python3.6/site-packages/mxnet/contrib/onnx/mx2onnx/export_model.py",
 line 89, in export_model
   raise ValueError("Input sym and params should either be files or 
objects")
   ValueError: Input sym and params should either be files or objects
   
   ## To Reproduce
   ```
   import os
   import mxnet as mx
   import numpy as np
   from mxnet import gluon, sym
   from gluoncv.model_zoo import get_model
   from mxnet.contrib import onnx as onnx_mxnet
   from mxnet.contrib.onnx.mx2onnx._export_helper import load_module
   
   # Load Model
   model_name = 'ssd_512_resnet50_v1_custom'
   resume_params = './ssd/ssd_512_resnet50_v1_custom_best.params'
   
   pretrained = False
   ctx = [mx.gpu(1)]
   
   class_names = ['car','truck','bus','moto']
   net = get_model(model_name, ctx=ctx, pretrained=False, 
norm_layer=gluon.nn.BatchNorm, classes=class_names, transfer='voc')
   
   net.load_parameters(resume_params, ctx = ctx)
   net.set_nms(nms_thresh=0.45, nms_topk=200)
   net.hybridize()
   
   net_sym = net(sym.Variable('data'))
   net_params = {name:param._reduce() for name, param in 
net.collect_params().items()}
   #net_params.update({})
   
   # Standard Imagenet input - 3 channels, 224*224
   input_shape = (1,3,512,512)
   
   # Path of the output file
   onnx_file = './ssd_gluon.onnx'
   
   converted_model_path = onnx_mxnet.export_model(net_sym, net_params, 
[input_shape], np.float32, onnx_file, verbose=True)
   ```
   
   
   ## Environment
   Mxnet: 1.5.0
   onnx: 1.6.0
   



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] kpuatamazon commented on issue #17980: When compiled with MKL, fully_connected calls DNNL while dot and batch_dot call MKL

2020-05-11 Thread GitBox


kpuatamazon commented on issue #17980:
URL: 
https://github.com/apache/incubator-mxnet/issues/17980#issuecomment-626563301


   @ChaiBapchya to be clear, here's how I am building the second option:
   ```bash
   export CXXFLAGS="${CXXFLAGS} -DUSE_MKL -I/opt/intel/mkl/include"
   unset LD_PRELOAD  #Technically this should be what exists in your 
environment by default
   rm -rf build
   mkdir build
   cd build
   cmake -GNinja -DUSE_CUDA=OFF -DCMAKE_BUILD_TYPE=Release ..
   ninja -j 30
   ```
   Note that `cmake` does not appear to pick up on changes to the build so it 
needs a fresh build directory (deleting the cache might work).  



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 edited a comment on issue #18254: np.random.uniform type_code_ == kNDArrayHandle (7 vs. 11)

2020-05-11 Thread GitBox


Tommliu edited a comment on issue #18254:
URL: 
https://github.com/apache/incubator-mxnet/issues/18254#issuecomment-626506371


   I think we don't support the array_like input for np.random.uniform. It is 
different from the official numpy. From the docs (mx.np.random.uniform). 
   
   > 
   low : float, ndarray, optional
   Lower boundary of the output interval.  All values generated will be
   greater than or equal to low.  The default value is 0.
   high : float, ndarray, optional
   Upper boundary of the output interval.  All values generated will be
   less than high.  The default value is 1.0.
   
   I will add an error message for that



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 edited a comment on issue #18254: np.random.uniform type_code_ == kNDArrayHandle (7 vs. 11)

2020-05-11 Thread GitBox


Tommliu edited a comment on issue #18254:
URL: 
https://github.com/apache/incubator-mxnet/issues/18254#issuecomment-626506371


   I think we don't support the array_like input for np.random.uniform. It is 
different from the official numpy. From the docs (mx.np.random.uniform)
   
   > 
   low : float, ndarray, optional
   Lower boundary of the output interval.  All values generated will be
   greater than or equal to low.  The default value is 0.
   high : float, ndarray, optional
   Upper boundary of the output interval.  All values generated will be
   less than high.  The default value is 1.0.
   



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-11 Thread GitBox


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


   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] CassiniXu commented on pull request #18263: [Numpy] New FFIs for Operator: squeeze, repeat, around, round, diagflat

2020-05-11 Thread GitBox


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


   @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] Tommliu opened a new pull request #18277: Fix binary scalar operator dtype and add bool support for concat

2020-05-11 Thread GitBox


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


   ## Description ##
   attempt to fix the issues mentioned in 
   - #18213 (bool support for operator concatenate)
   - #16653 (dtype error for binary scalar operators) related to #16964 
   
   ## 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] mxnet-bot commented on pull request #18277: Fix binary scalar operator dtype and add bool support for concat

2020-05-11 Thread GitBox


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


   Hey @Tommliu , 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, website, clang, edge, miscellaneous, 
centos-cpu, sanity, windows-cpu, unix-cpu, unix-gpu, centos-gpu]
   *** 
   _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] Tommliu edited a comment on issue #18254: np.random.uniform type_code_ == kNDArrayHandle (7 vs. 11)

2020-05-11 Thread GitBox


Tommliu edited a comment on issue #18254:
URL: 
https://github.com/apache/incubator-mxnet/issues/18254#issuecomment-626506371


   In deepnumpy, we don't support the array_like input for np.random.uniform. 
It is different from the official numpy. You can refer from the docs 
(mx.np.random.uniform)
   
   > --
   low : float, ndarray, optional
   Lower boundary of the output interval.  All values generated will be
   greater than or equal to low.  The default value is 0.
   high : float, ndarray, optional
   Upper boundary of the output interval.  All values generated will be
   less than high.  The default value is 1.0.
   



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 #18254: np.random.uniform type_code_ == kNDArrayHandle (7 vs. 11)

2020-05-11 Thread GitBox


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


   In deepnumpy, we don't support the array_like input for np.random.uniform. 
It is different from the official numpy. You can refer from the docs 
(mx.np.random.uniform)
   `--
   low : float, ndarray, optional
   Lower boundary of the output interval.  All values generated will be
   greater than or equal to low.  The default value is 0.
   high : float, ndarray, optional
   Upper boundary of the output interval.  All values generated will be
   less than high.  The default value is 1.0.`
   



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

commit eb5179834535300c595d3c918569c5df6b4bc5b3
Author: mxnet-ci 
AuthorDate: Mon May 11 06: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..857be61
--- /dev/null
+++ b/date.txt
@@ -0,0 +1 @@
+Mon May 11 06:48:16 UTC 2020



[GitHub] [incubator-mxnet] ZheyuYe commented on pull request #18272: [Numpy] Port nd.random.multinomial to npx.sample_categorical

2020-05-11 Thread GitBox


ZheyuYe commented on pull request #18272:
URL: https://github.com/apache/incubator-mxnet/pull/18272#issuecomment-626489221


   Currently this op and `nd.sample_multinomial` only accepting noralized 
probability as input,  could we make it compatible with the log-odds like 
`npx.random.bernoulli`



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