[GitHub] [incubator-mxnet] wkcn commented on pull request #17977: Relaxing type requirements for broadcast_like

2020-05-04 Thread GitBox


wkcn commented on pull request #17977:
URL: https://github.com/apache/incubator-mxnet/pull/17977#issuecomment-623274171


   The PR has been merged.
   
   Thanks for your contribution! : )



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 (5fd9024 -> 8c76631)

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

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


from 5fd9024  Update to thrust 1.9.8 on Windows (#18218)
 add 8c76631  Relaxing type requirements for broadcast_like (#17977)

No new revisions were added by this update.

Summary of changes:
 src/operator/tensor/broadcast_reduce_op_value.cc | 11 ++-
 tests/python/unittest/test_operator.py   | 10 ++
 2 files changed, 20 insertions(+), 1 deletion(-)



[incubator-mxnet] branch master updated: Relaxing type requirements for broadcast_like (#17977)

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

wkcn 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 8c76631  Relaxing type requirements for broadcast_like (#17977)
8c76631 is described below

commit 8c76631caa5f349aef5d515ec95a64d2954dbcef
Author: wicky 
AuthorDate: Mon May 4 14:03:33 2020 +0800

Relaxing type requirements for broadcast_like (#17977)

* Relaxing type requirements for broadcast_like

* enhance unit test
---
 src/operator/tensor/broadcast_reduce_op_value.cc | 11 ++-
 tests/python/unittest/test_operator.py   | 10 ++
 2 files changed, 20 insertions(+), 1 deletion(-)

diff --git a/src/operator/tensor/broadcast_reduce_op_value.cc 
b/src/operator/tensor/broadcast_reduce_op_value.cc
index 0a14a20..71be8f8 100644
--- a/src/operator/tensor/broadcast_reduce_op_value.cc
+++ b/src/operator/tensor/broadcast_reduce_op_value.cc
@@ -138,7 +138,16 @@ NNVM_REGISTER_OP(broadcast_like)
 [](const NodeAttrs& attrs) {
   return std::vector{"lhs", "rhs"};
 })
-.set_attr("FInferType", ElemwiseType<2, 1>)
+.set_attr("FInferType", [](const nnvm::NodeAttrs& attrs,
+ std::vector *in_attrs,
+ std::vector *out_attrs) {
+  CHECK_EQ(in_attrs->size(), 2) << " in operator " << attrs.name;
+  std::vector checked_in_attrs = { (*in_attrs)[0] };
+  bool ret = !type_is_none((*in_attrs)[1]) &&
+ ElemwiseType<1, 1>(attrs, _in_attrs, out_attrs);
+  (*in_attrs)[0] = checked_in_attrs[0];
+  return ret;
+})
 .set_attr("FGradient",
   [](const nnvm::ObjectPtr& n,
 const std::vector& ograds) {
diff --git a/tests/python/unittest/test_operator.py 
b/tests/python/unittest/test_operator.py
index 0baa941..4b8ddd6 100644
--- a/tests/python/unittest/test_operator.py
+++ b/tests/python/unittest/test_operator.py
@@ -3120,6 +3120,16 @@ def test_reshape_like_different_types():
 assert_allclose(z.asnumpy(), [[0,0],[0,0],[0,0]])
 
 @with_seed()
+def test_broadcast_like_different_types():
+x = mx.nd.zeros((2, 1))
+y = mx.nd.ones((2, 2))
+
+y = mx.nd.array(y).astype('int32')
+z = mx.nd.broadcast_like(x, y)
+assert_allclose(z.asnumpy(), [[0,0],[0,0]])
+assert x.dtype == z.dtype
+
+@with_seed()
 def test_flip():
 for ndim in range(1, 6):
 for t in range(5):



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

2020-05-04 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 25042a7  Bump the publish timestamp.
25042a7 is described below

commit 25042a790ee7d8ab12e60e67a45b7b5d063e376f
Author: mxnet-ci 
AuthorDate: Mon May 4 06:48:04 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..f3480d9
--- /dev/null
+++ b/date.txt
@@ -0,0 +1 @@
+Mon May  4 06:48:04 UTC 2020



[GitHub] [incubator-mxnet] handoku opened a new issue #18231: Found a cycle when BFS from node '', when trying optimize graph with tensorrt.

2020-05-04 Thread GitBox


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


   ## Description
   I was use ngc docker image mxnet-19.12. And I was trying use tensorrt to 
speed up gluoncv yolov3 following [Optimizing Deep Learning Computation Graphs 
with 
TensorRT](http://mxnet.incubator.apache.org/api/python/docs/tutorials/performance/backend/tensorrt/tensorrt.html).
   
   I replaced the `resnet-18` model  with `yolo3_darknet53_coco`, but when 
building the tensorrt engine, the program broke down. its output said 
   ` Found a cycle when BFS from node darknetv30_darknetbasicblockv31__plus0`
   
   ### Error Message
   ```
   Building TensorRT engine
   [14:03:02] src/operator/subgraph/build_subgraph.cc:691: start to execute 
TensorRT.
   [14:03:02] src/operator/subgraph/build_subgraph.cc:300: Found a cycle when 
BFS from node darknetv30_darknetbasicblockv31__plus0. Excluding nodes 
darknetv30_darknetbasicblockv32__plus0, and retrying
   Traceback (most recent call last):
 File "./yolo3_trt.py", line 43, in 
   trt_sym = sym.get_backend_symbol('TensorRT')
 File "/opt/mxnet/python/mxnet/symbol/symbol.py", line 2564, in 
get_backend_symbol
   check_call(_LIB.MXGenBackendSubgraph(self.handle, c_str(backend), 
ctypes.byref(out)))
 File "/opt/mxnet/python/mxnet/base.py", line 252, in check_call
   raise MXNetError(py_str(_LIB.MXGetLastError()))
   mxnet.base.MXNetError: [14:03:02] 
src/operator/subgraph/build_subgraph.cc:209: Check failed: count < 
indexed_graph.num_nodes() (727 vs. 727) : Finding ancestor failed. There is 
probably a loop in the graph
   Stack trace:
 [bt] (0) 
/usr/local/lib/libmxnet.so(dmlc::LogMessageFatal::~LogMessageFatal()+0x43) 
[0x7fc82c58dd33]
 [bt] (1) 
/usr/local/lib/libmxnet.so(mxnet::op::sg::LabelSubgraph(nnvm::Graph const&, 
std::shared_ptr, int, unsigned long, 
std::vector, 
std::allocator > > const&, 
std::vector >*, 
std::unordered_set, 
std::equal_to, 
std::allocator >*)+0x17a0) [0x7fc82e384010]
 [bt] (2) 
/usr/local/lib/libmxnet.so(mxnet::op::sg::PreSelectSubgraphNodes(nnvm::Graph 
const&, std::shared_ptr, int, unsigned long, 
std::vector, 
std::allocator > > const&, 
std::vector >*)+0x167) [0x7fc82e385517]
 [bt] (3) 
/usr/local/lib/libmxnet.so(mxnet::op::sg::SelectSubgraphNodes(nnvm::Graph*, 
std::shared_ptr, 
std::vector, 
std::allocator > > const&, 
std::vector >, 
std::allocator > > >*, 
std::vector, 
std::allocator > >*, 
mxnet::op::BiDirectedNode const*, unsigned long, unsigned long*)+0x10f) 
[0x7fc82e385c4f]
 [bt] (4) 
/usr/local/lib/libmxnet.so(mxnet::op::sg::FindSubgraphs(nnvm::Graph*, 
mxnet::op::SubgraphProperty const&, 
std::vector, 
std::allocator > > const&, 
std::vector >, 
std::allocator > > >*, 
std::vector, 
std::allocator > >*)+0x317) 
[0x7fc82e386897]
 [bt] (5) 
/usr/local/lib/libmxnet.so(mxnet::op::BuildSubgraph(nnvm::Graph&&)+0x482) 
[0x7fc82e388872]
 [bt] (6) /usr/local/lib/libmxnet.so(std::_Function_handler::_M_invoke(std::_Any_data 
const&, nnvm::Graph&&)+0x20) [0x7fc82c8d7940]
 [bt] (7) /usr/local/lib/libmxnet.so(nnvm::ApplyPasses(nnvm::Graph, 
std::vector, 
std::allocator >, std::allocator, std::allocator > > > const&)+0x1171) 
[0x7fc831f255a1]
 [bt] (8) /usr/local/lib/libmxnet.so(nnvm::ApplyPass(nnvm::Graph, 
std::__cxx11::basic_string, std::allocator > 
const&)+0xbe) [0x7fc82ecdd6ee]
   ```
   
   ## To Reproduce
   (If you developed your own code, please provide a short script that 
reproduces the error. For existing examples, please provide link.)
   
   ### Steps to reproduce
   (Paste the commands you ran that produced the error.)
   
   1.prepare the script `yolo3_trt.py`
   ```
   from gluoncv import model_zoo, data, utils
   from matplotlib import pyplot as plt
   from gluoncv.utils import export_block
   import mxnet as mx
   from mxnet.contrib import onnx as onnx_mxnet
   import numpy as np
   import time
   
   OUTPUT = "./"
   DATA = "./cat.png"
   SIZE = 320
   MODEL = "yolo3_darknet53_coco"
   INPUT_SHAPE = (1, 3, SIZE, SIZE)
   net = model_zoo.get_model('yolo3_darknet53_coco', pretrained=True)
   net.hybridize()
   x, img = data.transforms.presets.yolo.load_test("./cat.png", short=SIZE)
   class_IDs, scores, bounding_boxs = net(x)
   net.export("yolo3_darknet53_coco")
   
   
   
   sym, arg_params, aux_params = mx.model.load_checkpoint(MODEL, 0)
   
   # Create sample input
   batch_shape = INPUT_SHAPE
   input = mx.nd.zeros(batch_shape)
   
   
   print('Building TensorRT engine')
   trt_sym = sym.get_backend_symbol('TensorRT')
   arg_params, aux_params = mx.contrib.tensorrt.init_tensorrt_params(trt_sym, 
arg_params, aux_params)
   mx.contrib.tensorrt.set_use_fp16(True)
   executor = trt_sym.simple_bind(ctx=mx.gpu(), data=batch_shape,
  grad_req='null', force_rebind=True)
   executor.copy_params_from(arg_params, aux_params)
   
   #Warmup
   print('Warming up TensorRT')
   for i in range(0, 10):
   y_gen = 

[GitHub] [incubator-mxnet] ChaiBapchya commented on pull request #18220: Cherrypick Fix nightly large_vector test caused by incorrect with_seed path (#18178)

2020-05-04 Thread GitBox


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


   @mxnet-label-bot add [pr-awaiting-merge, pr-awaiting-review]



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 #14994: Flaky test: test_lstm_clip

2020-05-04 Thread GitBox


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


   Unrelated PR #18206 
   
http://jenkins.mxnet-ci.amazon-ml.com/blue/organizations/jenkins/mxnet-validation%2Funix-gpu/detail/PR-18206/4/pipeline/356



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] pasa13142 commented on issue #15553: Installing mxnet on PowerPC

2020-05-04 Thread GitBox


pasa13142 commented on issue #15553:
URL: 
https://github.com/apache/incubator-mxnet/issues/15553#issuecomment-623467757


   @marcoabreu Hello, is there any guide we can follow for building mxnet on 
power9 ? 



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] tobecontinued commented on a change in pull request #17754: [MXNET-978] Higher Order Gradient Support broadcast_to, broadcast_power, power, elemwise_mul and elemwise_sub and

2020-05-04 Thread GitBox


tobecontinued commented on a change in pull request #17754:
URL: https://github.com/apache/incubator-mxnet/pull/17754#discussion_r419449575



##
File path: tests/python/unittest/test_higher_order_grad.py
##
@@ -570,6 +571,290 @@ def check_nth_order_unary(x, op, grad_ops, orders, 
rtol=None, atol=None):
 assert_almost_equal(
 expected_grad, computed_grad.asnumpy(), rtol=rtol, atol=atol)
 
+@with_seed()
+def test_elemwise_sub():
+def sub(inputs):
+return nd.elemwise_sub(inputs[0], inputs[1])
+def grad_op(inputs):
+return  [nd.ones_like(inputs[0]), nd.negative(nd.ones_like(inputs[1]))]
+def grad_grad_op(inputs):
+return  [nd.zeros_like(inputs[0]),  nd.zeros_like(inputs[1])]
+
+for dim in range(1, 5):
+shape = rand_shape_nd(dim)
+x, y = random_arrays(shape, shape)
+check_nth_order_binary([x, y], sub, [grad_op, grad_grad_op], [1,  2])
+
+@with_seed()
+def test_elemwise_mul():
+def mul(inputs):
+return nd.elemwise_mul(inputs[0], inputs[1])
+def grad_op(inputs):
+return  [inputs[1], inputs[0]]
+def grad_grad_op(inputs):
+return [nd.zeros_like(inputs[0]) ,nd.zeros_like(inputs[1])]
+
+for dim in range(1, 5):
+shape = rand_shape_nd(dim)
+x, y = random_arrays(shape, shape)
+check_nth_order_binary([x, y], mul, [grad_op, grad_grad_op], [1,  2])
+
+@with_seed()
+def test_power():
+def power(inputs):
+return nd.power(inputs[0], inputs[1])
+
+def grad_op(inputs):
+x, y = inputs
+return  [y * nd.power(x, y - 1), nd.power(x, y) * nd.log(x)]
+
+def grad_grad_op(inputs):
+x, y = inputs
+return   [y * (y - 1) * nd.power(x, y - 2), nd.power(x, y) * 
(nd.log(x) ** 2)]
+
+def grad_grad_grad_op(inputs):
+x, y = inputs
+return   [y * (y - 1) * (y - 2) * nd.power(x, y - 3), nd.power(x, y) * 
(nd.log(x) ** 3)]
+
+low = 1.0
+high = 3.0
+for dim in range(1, 5):
+shape = rand_shape_nd(dim)
+x = nd.random.uniform(low, high, shape)
+y = nd.random.uniform(low, high, shape)
+check_nth_order_binary([x, y], power, [grad_op, grad_grad_op, 
grad_grad_grad_op], [1, 2, 3])
+
+#  based on gen_broadcast_data in test_operation.py
+def gen_broadcast_shape(idx):
+# Manually set test cases
+binary_op_data_shape = nd.array(
+[[[2, 5, 1, 30, 7], [1, 5, 448, 30, 1]],
+ [[10, 49, 1, 77, 17], [10, 1, 2, 1, 17]],
+ [[13, 2, 65, 2,  1], [13, 1, 65, 1, 225]],
+ [[9, 434, 4, 2, 37], [9, 1, 4, 1, 37]],
+ [[2, 52, 1, 4, 1], [1, 52, 60, 1, 37]],
+ [[1, 23, 7, 122, 50], [2, 1, 7, 1, 50]],
+ [[1, 17, 1, 5, 1], [22, 1, 2, 1, 28]],
+ [[29, 1, 2, 1, 8], [29, 22, 1, 130, 1]],
+ [[2, 36, 1, 427, 3], [1, 36, 11, 427, 1]],
+ [[1, 2, 1, 100, 7], [1, 2, 448, 100, 1]],
+ [[1, 2, 495, 77, 7], [1, 2, 1, 1, 7]],
+ [[1, 43, 65, 2, 1], [1, 43, 65, 1, 225]],
+ [[1, 92, 434, 2, 2], [1, 92, 1, 2, 2]],
+ [[1, 92, 1, 4, 1], [1, 92, 134, 1, 17]],
+ [[1, 53, 2, 122, 143], [1, 1, 2, 1, 143]],
+ [[1, 179, 1, 87, 17], [1, 179, 1, 1, 17]],
+ [[1, 1, 17, 5, 1], [1, 22, 1, 1, 28]],
+ [[1, 2, 1, 1, 8], [1, 2, 52, 430, 1]],
+ [[1, 163, 1, 22, 3], [1, 163, 116, 22, 1]],
+ [[1, 1, 44, 30, 7], [1, 1, 44, 30, 1]],
+ [[1, 1, 1, 1, 28], [1, 127, 1, 5, 28]],
+ [[1, 2, 394, 38, 1], [1, 2, 394, 38, 16]],
+ [[1, 10, 49, 77, 17], [1, 1, 1, 1, 17]],
+ [[1, 431, 6, 2, 225], [1, 1, 6, 2, 225]],
+ [[1, 15, 1, 28, 1], [1, 15, 1, 28, 463]], [[1, 129, 2, 48, 96], [1, 
129, 2, 1, 1]],
+ [[1, 1, 403, 17, 2], [1, 44, 403, 17, 2]],
+ [[1, 1, 65, 2, 22], [1, 1, 65, 1, 1]],
+ [[1, 24, 103, 17, 18], [1, 24, 1, 1, 1]],
+ [[1, 1, 1, 1, 2], [1, 24, 194, 50, 1]],
+ [[1, 1, 107, 84, 9], [1, 1, 1, 1, 1]]])
+if idx < binary_op_data_shape.shape[0]:
+l_shape = binary_op_data_shape[idx][0]
+r_shape = binary_op_data_shape[idx][1]
+else:
+# Generate random data that has ndim between 1-7 and all the shape 
dims between 1-5
+ndim = nd.random.randint(1, 6)
+shape = nd.random.randint(1, 6, size=(ndim,))
+l_same_dim = nd.random.randint(0, 5)
+r_same_dim = nd.random.randint(0, 5)
+l_axis_flags = nd.random.randint(0, 2, size=ndim)
+r_axis_flags = nd.random.randint(0, 2, size=ndim)
+if l_same_dim == 4:
+l_axis_flags = nd.ones(ndim)
+if r_same_dim == 4:
+r_axis_flags = nd.ones(ndim)
+l_shape = shape.copy()
+r_shape = shape.copy()
+l_shape[nd.where(l_axis_flags == 0)] = 1
+r_shape[nd.where(r_axis_flags == 0)] = 1
+return tuple(l_shape.asnumpy().astype(int)), 
tuple(r_shape.asnumpy().astype(int))
+
+# from test_operation.py
+def reduce_op(shape, x):
+if shape == 

[GitHub] [incubator-mxnet] tobecontinued commented on a change in pull request #17754: [MXNET-978] Higher Order Gradient Support broadcast_to, broadcast_power, power, elemwise_mul and elemwise_sub and

2020-05-04 Thread GitBox


tobecontinued commented on a change in pull request #17754:
URL: https://github.com/apache/incubator-mxnet/pull/17754#discussion_r419449575



##
File path: tests/python/unittest/test_higher_order_grad.py
##
@@ -570,6 +571,290 @@ def check_nth_order_unary(x, op, grad_ops, orders, 
rtol=None, atol=None):
 assert_almost_equal(
 expected_grad, computed_grad.asnumpy(), rtol=rtol, atol=atol)
 
+@with_seed()
+def test_elemwise_sub():
+def sub(inputs):
+return nd.elemwise_sub(inputs[0], inputs[1])
+def grad_op(inputs):
+return  [nd.ones_like(inputs[0]), nd.negative(nd.ones_like(inputs[1]))]
+def grad_grad_op(inputs):
+return  [nd.zeros_like(inputs[0]),  nd.zeros_like(inputs[1])]
+
+for dim in range(1, 5):
+shape = rand_shape_nd(dim)
+x, y = random_arrays(shape, shape)
+check_nth_order_binary([x, y], sub, [grad_op, grad_grad_op], [1,  2])
+
+@with_seed()
+def test_elemwise_mul():
+def mul(inputs):
+return nd.elemwise_mul(inputs[0], inputs[1])
+def grad_op(inputs):
+return  [inputs[1], inputs[0]]
+def grad_grad_op(inputs):
+return [nd.zeros_like(inputs[0]) ,nd.zeros_like(inputs[1])]
+
+for dim in range(1, 5):
+shape = rand_shape_nd(dim)
+x, y = random_arrays(shape, shape)
+check_nth_order_binary([x, y], mul, [grad_op, grad_grad_op], [1,  2])
+
+@with_seed()
+def test_power():
+def power(inputs):
+return nd.power(inputs[0], inputs[1])
+
+def grad_op(inputs):
+x, y = inputs
+return  [y * nd.power(x, y - 1), nd.power(x, y) * nd.log(x)]
+
+def grad_grad_op(inputs):
+x, y = inputs
+return   [y * (y - 1) * nd.power(x, y - 2), nd.power(x, y) * 
(nd.log(x) ** 2)]
+
+def grad_grad_grad_op(inputs):
+x, y = inputs
+return   [y * (y - 1) * (y - 2) * nd.power(x, y - 3), nd.power(x, y) * 
(nd.log(x) ** 3)]
+
+low = 1.0
+high = 3.0
+for dim in range(1, 5):
+shape = rand_shape_nd(dim)
+x = nd.random.uniform(low, high, shape)
+y = nd.random.uniform(low, high, shape)
+check_nth_order_binary([x, y], power, [grad_op, grad_grad_op, 
grad_grad_grad_op], [1, 2, 3])
+
+#  based on gen_broadcast_data in test_operation.py
+def gen_broadcast_shape(idx):
+# Manually set test cases
+binary_op_data_shape = nd.array(
+[[[2, 5, 1, 30, 7], [1, 5, 448, 30, 1]],
+ [[10, 49, 1, 77, 17], [10, 1, 2, 1, 17]],
+ [[13, 2, 65, 2,  1], [13, 1, 65, 1, 225]],
+ [[9, 434, 4, 2, 37], [9, 1, 4, 1, 37]],
+ [[2, 52, 1, 4, 1], [1, 52, 60, 1, 37]],
+ [[1, 23, 7, 122, 50], [2, 1, 7, 1, 50]],
+ [[1, 17, 1, 5, 1], [22, 1, 2, 1, 28]],
+ [[29, 1, 2, 1, 8], [29, 22, 1, 130, 1]],
+ [[2, 36, 1, 427, 3], [1, 36, 11, 427, 1]],
+ [[1, 2, 1, 100, 7], [1, 2, 448, 100, 1]],
+ [[1, 2, 495, 77, 7], [1, 2, 1, 1, 7]],
+ [[1, 43, 65, 2, 1], [1, 43, 65, 1, 225]],
+ [[1, 92, 434, 2, 2], [1, 92, 1, 2, 2]],
+ [[1, 92, 1, 4, 1], [1, 92, 134, 1, 17]],
+ [[1, 53, 2, 122, 143], [1, 1, 2, 1, 143]],
+ [[1, 179, 1, 87, 17], [1, 179, 1, 1, 17]],
+ [[1, 1, 17, 5, 1], [1, 22, 1, 1, 28]],
+ [[1, 2, 1, 1, 8], [1, 2, 52, 430, 1]],
+ [[1, 163, 1, 22, 3], [1, 163, 116, 22, 1]],
+ [[1, 1, 44, 30, 7], [1, 1, 44, 30, 1]],
+ [[1, 1, 1, 1, 28], [1, 127, 1, 5, 28]],
+ [[1, 2, 394, 38, 1], [1, 2, 394, 38, 16]],
+ [[1, 10, 49, 77, 17], [1, 1, 1, 1, 17]],
+ [[1, 431, 6, 2, 225], [1, 1, 6, 2, 225]],
+ [[1, 15, 1, 28, 1], [1, 15, 1, 28, 463]], [[1, 129, 2, 48, 96], [1, 
129, 2, 1, 1]],
+ [[1, 1, 403, 17, 2], [1, 44, 403, 17, 2]],
+ [[1, 1, 65, 2, 22], [1, 1, 65, 1, 1]],
+ [[1, 24, 103, 17, 18], [1, 24, 1, 1, 1]],
+ [[1, 1, 1, 1, 2], [1, 24, 194, 50, 1]],
+ [[1, 1, 107, 84, 9], [1, 1, 1, 1, 1]]])
+if idx < binary_op_data_shape.shape[0]:
+l_shape = binary_op_data_shape[idx][0]
+r_shape = binary_op_data_shape[idx][1]
+else:
+# Generate random data that has ndim between 1-7 and all the shape 
dims between 1-5
+ndim = nd.random.randint(1, 6)
+shape = nd.random.randint(1, 6, size=(ndim,))
+l_same_dim = nd.random.randint(0, 5)
+r_same_dim = nd.random.randint(0, 5)
+l_axis_flags = nd.random.randint(0, 2, size=ndim)
+r_axis_flags = nd.random.randint(0, 2, size=ndim)
+if l_same_dim == 4:
+l_axis_flags = nd.ones(ndim)
+if r_same_dim == 4:
+r_axis_flags = nd.ones(ndim)
+l_shape = shape.copy()
+r_shape = shape.copy()
+l_shape[nd.where(l_axis_flags == 0)] = 1
+r_shape[nd.where(r_axis_flags == 0)] = 1
+return tuple(l_shape.asnumpy().astype(int)), 
tuple(r_shape.asnumpy().astype(int))
+
+# from test_operation.py
+def reduce_op(shape, x):
+if shape == 

[GitHub] [incubator-mxnet] kshitij12345 commented on a change in pull request #17754: [MXNET-978] Higher Order Gradient Support broadcast_to, broadcast_power, power, elemwise_mul and elemwise_sub and

2020-05-04 Thread GitBox


kshitij12345 commented on a change in pull request #17754:
URL: https://github.com/apache/incubator-mxnet/pull/17754#discussion_r419506335



##
File path: tests/cpp/operator/runner/core_op_runner_test.cc
##
@@ -46,7 +46,15 @@ static const std::vector> test_unary_operato
 
 static const std::vector> 
test_binary_operators = {
   { "elemwise_add", "_backward_add" },
-  { "elemwise_mul", "_backward_mul" }
+  // TODO(Deng, Wenqi): In 
https://github.com/apache/incubator-mxnet/pull/17754,
+  //  we have changed backward op to graph of ops for computing backward of 
elemwise_mul,
+  //  but the CoreOpExecutor in tests/cpp/include/test_core_op.h actually has 
issues
+  //  to support this way even it provides CoreOpExecutor::GetBackward for the 
case.
+  //  e.g: It actually assumes there is one backward for all kinds of op, but 
elemwise_mul has two.
+  //  It will get wrong dependency for the second backward in 
CoreOpExecutor::GetBackwardDependency
+  //  due to "return igrad_entries[0].node;" //  and failed to call 
CoreOpExecutor::bwd_inputs()
+  //  and CoreOpExecutor::bwd_outpuss() due to "CHECK_EQ(backward_.size(), 
1U)";.
+//  { "elemwise_mul", "_backward_mul" }

Review comment:
   Yes. That makes sense.
   However, I feel the mentioned people are in much better position to make the 
call.





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] tobecontinued commented on a change in pull request #17754: [MXNET-978] Higher Order Gradient Support broadcast_to, broadcast_power, power, elemwise_mul and elemwise_sub and

2020-05-04 Thread GitBox


tobecontinued commented on a change in pull request #17754:
URL: https://github.com/apache/incubator-mxnet/pull/17754#discussion_r419465944



##
File path: tests/cpp/operator/runner/core_op_runner_test.cc
##
@@ -46,7 +46,15 @@ static const std::vector> test_unary_operato
 
 static const std::vector> 
test_binary_operators = {
   { "elemwise_add", "_backward_add" },
-  { "elemwise_mul", "_backward_mul" }
+  // TODO(Deng, Wenqi): In 
https://github.com/apache/incubator-mxnet/pull/17754,
+  //  we have changed backward op to graph of ops for computing backward of 
elemwise_mul,
+  //  but the CoreOpExecutor in tests/cpp/include/test_core_op.h actually has 
issues
+  //  to support this way even it provides CoreOpExecutor::GetBackward for the 
case.
+  //  e.g: It actually assumes there is one backward for all kinds of op, but 
elemwise_mul has two.
+  //  It will get wrong dependency for the second backward in 
CoreOpExecutor::GetBackwardDependency
+  //  due to "return igrad_entries[0].node;" //  and failed to call 
CoreOpExecutor::bwd_inputs()
+  //  and CoreOpExecutor::bwd_outpuss() due to "CHECK_EQ(backward_.size(), 
1U)";.
+//  { "elemwise_mul", "_backward_mul" }

Review comment:
   For more explanation,  becaue the failure of the test cases are caused 
by defects of CoreOpExecutor, I just want a pr to achieve only one task.  Maybe 
we need a other pr or jira to fix the issuee of  CoreOpExecutor.





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] tobecontinued commented on a change in pull request #17754: [MXNET-978] Higher Order Gradient Support broadcast_to, broadcast_power, power, elemwise_mul and elemwise_sub and

2020-05-04 Thread GitBox


tobecontinued commented on a change in pull request #17754:
URL: https://github.com/apache/incubator-mxnet/pull/17754#discussion_r419449575



##
File path: tests/python/unittest/test_higher_order_grad.py
##
@@ -570,6 +571,290 @@ def check_nth_order_unary(x, op, grad_ops, orders, 
rtol=None, atol=None):
 assert_almost_equal(
 expected_grad, computed_grad.asnumpy(), rtol=rtol, atol=atol)
 
+@with_seed()
+def test_elemwise_sub():
+def sub(inputs):
+return nd.elemwise_sub(inputs[0], inputs[1])
+def grad_op(inputs):
+return  [nd.ones_like(inputs[0]), nd.negative(nd.ones_like(inputs[1]))]
+def grad_grad_op(inputs):
+return  [nd.zeros_like(inputs[0]),  nd.zeros_like(inputs[1])]
+
+for dim in range(1, 5):
+shape = rand_shape_nd(dim)
+x, y = random_arrays(shape, shape)
+check_nth_order_binary([x, y], sub, [grad_op, grad_grad_op], [1,  2])
+
+@with_seed()
+def test_elemwise_mul():
+def mul(inputs):
+return nd.elemwise_mul(inputs[0], inputs[1])
+def grad_op(inputs):
+return  [inputs[1], inputs[0]]
+def grad_grad_op(inputs):
+return [nd.zeros_like(inputs[0]) ,nd.zeros_like(inputs[1])]
+
+for dim in range(1, 5):
+shape = rand_shape_nd(dim)
+x, y = random_arrays(shape, shape)
+check_nth_order_binary([x, y], mul, [grad_op, grad_grad_op], [1,  2])
+
+@with_seed()
+def test_power():
+def power(inputs):
+return nd.power(inputs[0], inputs[1])
+
+def grad_op(inputs):
+x, y = inputs
+return  [y * nd.power(x, y - 1), nd.power(x, y) * nd.log(x)]
+
+def grad_grad_op(inputs):
+x, y = inputs
+return   [y * (y - 1) * nd.power(x, y - 2), nd.power(x, y) * 
(nd.log(x) ** 2)]
+
+def grad_grad_grad_op(inputs):
+x, y = inputs
+return   [y * (y - 1) * (y - 2) * nd.power(x, y - 3), nd.power(x, y) * 
(nd.log(x) ** 3)]
+
+low = 1.0
+high = 3.0
+for dim in range(1, 5):
+shape = rand_shape_nd(dim)
+x = nd.random.uniform(low, high, shape)
+y = nd.random.uniform(low, high, shape)
+check_nth_order_binary([x, y], power, [grad_op, grad_grad_op, 
grad_grad_grad_op], [1, 2, 3])
+
+#  based on gen_broadcast_data in test_operation.py
+def gen_broadcast_shape(idx):
+# Manually set test cases
+binary_op_data_shape = nd.array(
+[[[2, 5, 1, 30, 7], [1, 5, 448, 30, 1]],
+ [[10, 49, 1, 77, 17], [10, 1, 2, 1, 17]],
+ [[13, 2, 65, 2,  1], [13, 1, 65, 1, 225]],
+ [[9, 434, 4, 2, 37], [9, 1, 4, 1, 37]],
+ [[2, 52, 1, 4, 1], [1, 52, 60, 1, 37]],
+ [[1, 23, 7, 122, 50], [2, 1, 7, 1, 50]],
+ [[1, 17, 1, 5, 1], [22, 1, 2, 1, 28]],
+ [[29, 1, 2, 1, 8], [29, 22, 1, 130, 1]],
+ [[2, 36, 1, 427, 3], [1, 36, 11, 427, 1]],
+ [[1, 2, 1, 100, 7], [1, 2, 448, 100, 1]],
+ [[1, 2, 495, 77, 7], [1, 2, 1, 1, 7]],
+ [[1, 43, 65, 2, 1], [1, 43, 65, 1, 225]],
+ [[1, 92, 434, 2, 2], [1, 92, 1, 2, 2]],
+ [[1, 92, 1, 4, 1], [1, 92, 134, 1, 17]],
+ [[1, 53, 2, 122, 143], [1, 1, 2, 1, 143]],
+ [[1, 179, 1, 87, 17], [1, 179, 1, 1, 17]],
+ [[1, 1, 17, 5, 1], [1, 22, 1, 1, 28]],
+ [[1, 2, 1, 1, 8], [1, 2, 52, 430, 1]],
+ [[1, 163, 1, 22, 3], [1, 163, 116, 22, 1]],
+ [[1, 1, 44, 30, 7], [1, 1, 44, 30, 1]],
+ [[1, 1, 1, 1, 28], [1, 127, 1, 5, 28]],
+ [[1, 2, 394, 38, 1], [1, 2, 394, 38, 16]],
+ [[1, 10, 49, 77, 17], [1, 1, 1, 1, 17]],
+ [[1, 431, 6, 2, 225], [1, 1, 6, 2, 225]],
+ [[1, 15, 1, 28, 1], [1, 15, 1, 28, 463]], [[1, 129, 2, 48, 96], [1, 
129, 2, 1, 1]],
+ [[1, 1, 403, 17, 2], [1, 44, 403, 17, 2]],
+ [[1, 1, 65, 2, 22], [1, 1, 65, 1, 1]],
+ [[1, 24, 103, 17, 18], [1, 24, 1, 1, 1]],
+ [[1, 1, 1, 1, 2], [1, 24, 194, 50, 1]],
+ [[1, 1, 107, 84, 9], [1, 1, 1, 1, 1]]])
+if idx < binary_op_data_shape.shape[0]:
+l_shape = binary_op_data_shape[idx][0]
+r_shape = binary_op_data_shape[idx][1]
+else:
+# Generate random data that has ndim between 1-7 and all the shape 
dims between 1-5
+ndim = nd.random.randint(1, 6)
+shape = nd.random.randint(1, 6, size=(ndim,))
+l_same_dim = nd.random.randint(0, 5)
+r_same_dim = nd.random.randint(0, 5)
+l_axis_flags = nd.random.randint(0, 2, size=ndim)
+r_axis_flags = nd.random.randint(0, 2, size=ndim)
+if l_same_dim == 4:
+l_axis_flags = nd.ones(ndim)
+if r_same_dim == 4:
+r_axis_flags = nd.ones(ndim)
+l_shape = shape.copy()
+r_shape = shape.copy()
+l_shape[nd.where(l_axis_flags == 0)] = 1
+r_shape[nd.where(r_axis_flags == 0)] = 1
+return tuple(l_shape.asnumpy().astype(int)), 
tuple(r_shape.asnumpy().astype(int))
+
+# from test_operation.py
+def reduce_op(shape, x):
+if shape == 

[GitHub] [incubator-mxnet] marcoabreu commented on a change in pull request #18222: Fix PyPI Packages and Python Docker Images nightly release

2020-05-04 Thread GitBox


marcoabreu commented on a change in pull request #18222:
URL: https://github.com/apache/incubator-mxnet/pull/18222#discussion_r419317553



##
File path: cd/utils/artifact_repository.py
##
@@ -396,7 +396,7 @@ def get_s3_key_prefix(args: argparse.Namespace, subdir: str 
= '') -> str:
 :param subdir: An optional subdirectory in which to store the files. 
Post-pended to the end of the prefix.
 :return: A string containing the S3 key prefix to be used to uploading and 
downloading files to the artifact repository
 """
-prefix = "{git_sha}/{libtype}/{os}/{variant}/".format(**vars(args))
+prefix = "{git_sha}/{libtype}/{variant}/".format(**vars(args))

Review comment:
   My concern here is that we'd be changing the directory structure in s3 - 
which we then have to fix later on. 
   
   I'd propose to either introduce the platform identifier immediately or 
replace the os parameter with a matching value (replace ubuntu1804 with Ubuntu 
1604) as a hotfix. But I'd prefer if we do not change the directory structure 
in the underlying system as that'd be something we have to clean up later. 





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-04 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 82394cb  Bump the publish timestamp.
82394cb is described below

commit 82394cb577d493282d9718fa3c8385af9564f6e7
Author: mxnet-ci 
AuthorDate: Mon May 4 12:48:15 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..8c16de8
--- /dev/null
+++ b/date.txt
@@ -0,0 +1 @@
+Mon May  4 12:48:15 UTC 2020



[GitHub] [incubator-mxnet] leezu commented on issue #15553: Installing mxnet on PowerPC

2020-05-04 Thread GitBox


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


   You may follow https://mxnet.apache.org/get_started/ubuntu_setup  in analogy



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-04 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 2afa224  Bump the publish timestamp.
2afa224 is described below

commit 2afa2243f24a41c29d570c8d1a76e85e0f419187
Author: mxnet-ci 
AuthorDate: Mon May 4 18:48:29 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..8ff4ffa
--- /dev/null
+++ b/date.txt
@@ -0,0 +1 @@
+Mon May  4 18:48:29 UTC 2020



[incubator-mxnet] branch master updated (eea0cd8 -> 742066d)

2020-05-04 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 eea0cd8  Update static site web pages (#18161)
 add 742066d  Remove chinese period which leads to utf-8 encoding problem 
(#18223)

No new revisions were added by this update.

Summary of changes:
 src/operator/contrib/batch_norm_relu.cc | 2 +-
 1 file changed, 1 insertion(+), 1 deletion(-)



[GitHub] [incubator-mxnet] ChaiBapchya commented on pull request #18188: update website version select drop down

2020-05-04 Thread GitBox


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


   @ys2843 
   http://ec2-34-216-15-136.us-west-2.compute.amazonaws.com/
   https://ec2-34-216-15-136.us-west-2.compute.amazonaws.com/
   
   Both give error.
   https://user-images.githubusercontent.com/10992635/80993082-515d7180-8def-11ea-9056-8447d1b14f1f.png;>
   



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] ys2843 commented on pull request #18188: update website version select drop down

2020-05-04 Thread GitBox


ys2843 commented on pull request #18188:
URL: https://github.com/apache/incubator-mxnet/pull/18188#issuecomment-623597733


   @ChaiBapchya Thanks for reviewing! Updated the preview link, please see 
http://ec2-54-191-240-239.us-west-2.compute.amazonaws.com/



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 (8c76631 -> eea0cd8)

2020-05-04 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 8c76631  Relaxing type requirements for broadcast_like (#17977)
 add eea0cd8  Update static site web pages (#18161)

No new revisions were added by this update.

Summary of changes:
 CONTRIBUTORS.md|  1 +
 .../src/_includes/get_started/get_started.html |  4 +++
 .../src/_includes/get_started/linux/clojure/cpu.md | 11 +++-
 .../src/_includes/get_started/linux/clojure/gpu.md |  5 +---
 .../src/_includes/get_started/linux/java/cpu.md|  2 +-
 .../get_started/linux/julia/build-from-source.md   |  2 +-
 .../src/_includes/get_started/linux/perl/perl.md   |  2 +-
 .../linux/python/cpu/build-from-source.md  |  2 +-
 .../get_started/linux/python/cpu/docker.md |  2 +-
 .../linux/python/gpu/build-from-source.md  |  2 +-
 .../get_started/linux/python/gpu/docker.md |  2 +-
 .../src/_includes/get_started/linux/r/gpu.md   |  4 +--
 .../src/_includes/get_started/linux/scala/cpu.md   |  6 ++---
 .../src/_includes/get_started/linux/scala/gpu.md   |  6 ++---
 .../src/_includes/get_started/macos/clojure/cpu.md |  6 +
 .../get_started/macos/julia/build-from-source.md   |  2 +-
 .../src/_includes/get_started/macos/perl/perl.md   |  2 +-
 .../macos/python/cpu/build-from-source.md  |  2 +-
 .../get_started/macos/python/cpu/docker.md |  2 +-
 .../macos/python/gpu/build-from-source.md  |  4 +--
 .../get_started/macos/python/gpu/pip_docker.md |  2 +-
 .../src/_includes/get_started/macos/r/cpu.md   |  2 +-
 .../src/_includes/get_started/macos/scala/cpu.md   |  2 +-
 .../src/_includes/get_started/windows/perl/perl.md |  2 +-
 .../windows/python/cpu/build-from-source.md|  2 +-
 .../get_started/windows/python/cpu/docker.md   |  2 +-
 .../get_started/windows/python/cpu/pip.md  |  3 ++-
 .../get_started/windows/python/gpu/docker.md   |  1 +
 .../get_started/windows/python/gpu/pip.md  |  3 ++-
 .../src/_includes/get_started/windows/r/cpu.md |  2 +-
 .../src/_includes/get_started/windows/r/gpu.md |  7 ++---
 docs/static_site/src/pages/api/julia/index.md  |  5 ++--
 .../src/pages/get_started/build_from_source.md | 20 --
 .../static_site/src/pages/get_started/osx_setup.md | 31 --
 .../src/pages/get_started/ubuntu_setup.md  | 25 -
 .../src/pages/get_started/windows_setup.md |  2 ++
 36 files changed, 100 insertions(+), 80 deletions(-)
 create mode 100644 
docs/static_site/src/_includes/get_started/windows/python/gpu/docker.md



[incubator-mxnet] branch v1.7.x updated: Cherrypick Fix nightly large_vector test caused by incorrect with_seed path (#18178) (#18220)

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

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


The following commit(s) were added to refs/heads/v1.7.x by this push:
 new 295e939  Cherrypick Fix nightly large_vector test caused by incorrect 
with_seed path (#18178) (#18220)
295e939 is described below

commit 295e93996baeabe5a8b986cfbfd5c6658ebb860d
Author: Chaitanya Prakash Bapat 
AuthorDate: Mon May 4 11:45:20 2020 -0700

Cherrypick Fix nightly large_vector test caused by incorrect with_seed path 
(#18178) (#18220)

* Fix nightly large_vector test caused by incorrect with_seed path (#18178)

* pylint astroid sanity issue
---
 ci/docker/install/requirements |  3 ++-
 tests/nightly/test_large_array.py  |  2 +-
 tests/nightly/test_large_vector.py |  2 +-
 tests/python/unittest/common.py| 23 +--
 4 files changed, 5 insertions(+), 25 deletions(-)

diff --git a/ci/docker/install/requirements b/ci/docker/install/requirements
index 2d5125e..38eb504 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
diff --git a/tests/nightly/test_large_array.py 
b/tests/nightly/test_large_array.py
index ee57f17..1528bc0 100644
--- a/tests/nightly/test_large_array.py
+++ b/tests/nightly/test_large_array.py
@@ -27,7 +27,7 @@ sys.path.append(os.path.join(curr_path, 
'../python/unittest/'))
 
 from mxnet.test_utils import rand_ndarray, assert_almost_equal, rand_coord_2d, 
default_context, check_symbolic_forward, create_2d_tensor
 from mxnet import gluon, nd
-from common import with_seed, with_post_test_cleanup
+from common import with_seed
 from nose.tools import with_setup
 import unittest
 
diff --git a/tests/nightly/test_large_vector.py 
b/tests/nightly/test_large_vector.py
index bbad756..70066a2 100644
--- a/tests/nightly/test_large_vector.py
+++ b/tests/nightly/test_large_vector.py
@@ -27,7 +27,7 @@ sys.path.append(os.path.join(curr_path, 
'../python/unittest/'))
 
 from mxnet.test_utils import rand_ndarray, assert_almost_equal, rand_coord_2d, 
create_vector
 from mxnet import gluon, nd
-from tests.python.unittest.common import with_seed
+from common import with_seed
 from nose.tools import with_setup
 import unittest
 
diff --git a/tests/python/unittest/common.py b/tests/python/unittest/common.py
index ab2d191..5253102 100644
--- a/tests/python/unittest/common.py
+++ b/tests/python/unittest/common.py
@@ -310,27 +310,6 @@ def teardown():
 mx.nd.waitall()
 
 
-def with_post_test_cleanup():
-"""
-Helper function that cleans up memory by releasing it from memory pool
-Required especially by large tensor tests that have memory footprints in 
GBs.
-"""
-def test_helper(orig_test):
-@make_decorator(orig_test)
-def test_new(*args, **kwargs):
-logger = default_logger()
-try:
-orig_test(*args, **kwargs)
-except:
-logger.info(test_msg)
-raise
-finally:
-mx.nd.waitall()
-mx.cpu().empty_cache()
-return test_new
-return test_helper
-
-
 def run_in_spawned_process(func, env, *args):
 """
 Helper function to run a test in its own process.
@@ -373,4 +352,4 @@ def run_in_spawned_process(func, env, *args):
 finally:
 os.environ.clear()
 os.environ.update(orig_environ)
-return True
\ No newline at end of file
+return True



[incubator-mxnet] branch v1.7.x updated: Cherrypick Fix nightly large_vector test caused by incorrect with_seed path (#18178) (#18220)

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

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


The following commit(s) were added to refs/heads/v1.7.x by this push:
 new 295e939  Cherrypick Fix nightly large_vector test caused by incorrect 
with_seed path (#18178) (#18220)
295e939 is described below

commit 295e93996baeabe5a8b986cfbfd5c6658ebb860d
Author: Chaitanya Prakash Bapat 
AuthorDate: Mon May 4 11:45:20 2020 -0700

Cherrypick Fix nightly large_vector test caused by incorrect with_seed path 
(#18178) (#18220)

* Fix nightly large_vector test caused by incorrect with_seed path (#18178)

* pylint astroid sanity issue
---
 ci/docker/install/requirements |  3 ++-
 tests/nightly/test_large_array.py  |  2 +-
 tests/nightly/test_large_vector.py |  2 +-
 tests/python/unittest/common.py| 23 +--
 4 files changed, 5 insertions(+), 25 deletions(-)

diff --git a/ci/docker/install/requirements b/ci/docker/install/requirements
index 2d5125e..38eb504 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
diff --git a/tests/nightly/test_large_array.py 
b/tests/nightly/test_large_array.py
index ee57f17..1528bc0 100644
--- a/tests/nightly/test_large_array.py
+++ b/tests/nightly/test_large_array.py
@@ -27,7 +27,7 @@ sys.path.append(os.path.join(curr_path, 
'../python/unittest/'))
 
 from mxnet.test_utils import rand_ndarray, assert_almost_equal, rand_coord_2d, 
default_context, check_symbolic_forward, create_2d_tensor
 from mxnet import gluon, nd
-from common import with_seed, with_post_test_cleanup
+from common import with_seed
 from nose.tools import with_setup
 import unittest
 
diff --git a/tests/nightly/test_large_vector.py 
b/tests/nightly/test_large_vector.py
index bbad756..70066a2 100644
--- a/tests/nightly/test_large_vector.py
+++ b/tests/nightly/test_large_vector.py
@@ -27,7 +27,7 @@ sys.path.append(os.path.join(curr_path, 
'../python/unittest/'))
 
 from mxnet.test_utils import rand_ndarray, assert_almost_equal, rand_coord_2d, 
create_vector
 from mxnet import gluon, nd
-from tests.python.unittest.common import with_seed
+from common import with_seed
 from nose.tools import with_setup
 import unittest
 
diff --git a/tests/python/unittest/common.py b/tests/python/unittest/common.py
index ab2d191..5253102 100644
--- a/tests/python/unittest/common.py
+++ b/tests/python/unittest/common.py
@@ -310,27 +310,6 @@ def teardown():
 mx.nd.waitall()
 
 
-def with_post_test_cleanup():
-"""
-Helper function that cleans up memory by releasing it from memory pool
-Required especially by large tensor tests that have memory footprints in 
GBs.
-"""
-def test_helper(orig_test):
-@make_decorator(orig_test)
-def test_new(*args, **kwargs):
-logger = default_logger()
-try:
-orig_test(*args, **kwargs)
-except:
-logger.info(test_msg)
-raise
-finally:
-mx.nd.waitall()
-mx.cpu().empty_cache()
-return test_new
-return test_helper
-
-
 def run_in_spawned_process(func, env, *args):
 """
 Helper function to run a test in its own process.
@@ -373,4 +352,4 @@ def run_in_spawned_process(func, env, *args):
 finally:
 os.environ.clear()
 os.environ.update(orig_environ)
-return True
\ No newline at end of file
+return True



[incubator-mxnet] branch master updated (8c76631 -> eea0cd8)

2020-05-04 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 8c76631  Relaxing type requirements for broadcast_like (#17977)
 add eea0cd8  Update static site web pages (#18161)

No new revisions were added by this update.

Summary of changes:
 CONTRIBUTORS.md|  1 +
 .../src/_includes/get_started/get_started.html |  4 +++
 .../src/_includes/get_started/linux/clojure/cpu.md | 11 +++-
 .../src/_includes/get_started/linux/clojure/gpu.md |  5 +---
 .../src/_includes/get_started/linux/java/cpu.md|  2 +-
 .../get_started/linux/julia/build-from-source.md   |  2 +-
 .../src/_includes/get_started/linux/perl/perl.md   |  2 +-
 .../linux/python/cpu/build-from-source.md  |  2 +-
 .../get_started/linux/python/cpu/docker.md |  2 +-
 .../linux/python/gpu/build-from-source.md  |  2 +-
 .../get_started/linux/python/gpu/docker.md |  2 +-
 .../src/_includes/get_started/linux/r/gpu.md   |  4 +--
 .../src/_includes/get_started/linux/scala/cpu.md   |  6 ++---
 .../src/_includes/get_started/linux/scala/gpu.md   |  6 ++---
 .../src/_includes/get_started/macos/clojure/cpu.md |  6 +
 .../get_started/macos/julia/build-from-source.md   |  2 +-
 .../src/_includes/get_started/macos/perl/perl.md   |  2 +-
 .../macos/python/cpu/build-from-source.md  |  2 +-
 .../get_started/macos/python/cpu/docker.md |  2 +-
 .../macos/python/gpu/build-from-source.md  |  4 +--
 .../get_started/macos/python/gpu/pip_docker.md |  2 +-
 .../src/_includes/get_started/macos/r/cpu.md   |  2 +-
 .../src/_includes/get_started/macos/scala/cpu.md   |  2 +-
 .../src/_includes/get_started/windows/perl/perl.md |  2 +-
 .../windows/python/cpu/build-from-source.md|  2 +-
 .../get_started/windows/python/cpu/docker.md   |  2 +-
 .../get_started/windows/python/cpu/pip.md  |  3 ++-
 .../get_started/windows/python/gpu/docker.md   |  1 +
 .../get_started/windows/python/gpu/pip.md  |  3 ++-
 .../src/_includes/get_started/windows/r/cpu.md |  2 +-
 .../src/_includes/get_started/windows/r/gpu.md |  7 ++---
 docs/static_site/src/pages/api/julia/index.md  |  5 ++--
 .../src/pages/get_started/build_from_source.md | 20 --
 .../static_site/src/pages/get_started/osx_setup.md | 31 --
 .../src/pages/get_started/ubuntu_setup.md  | 25 -
 .../src/pages/get_started/windows_setup.md |  2 ++
 36 files changed, 100 insertions(+), 80 deletions(-)
 create mode 100644 
docs/static_site/src/_includes/get_started/windows/python/gpu/docker.md



[incubator-mxnet] branch master updated (eea0cd8 -> 742066d)

2020-05-04 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 eea0cd8  Update static site web pages (#18161)
 add 742066d  Remove chinese period which leads to utf-8 encoding problem 
(#18223)

No new revisions were added by this update.

Summary of changes:
 src/operator/contrib/batch_norm_relu.cc | 2 +-
 1 file changed, 1 insertion(+), 1 deletion(-)



[GitHub] [incubator-mxnet] ChaiBapchya commented on pull request #18206: [v1.6.x] Backport [MKL-DNN] Integrate Conv3d and Pool3d/1d (#17884) and Fix Sanity pipeline in 1.6.x

2020-05-04 Thread GitBox


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


   `test_quantization_mkldnn.test_quantized_conv` failed with
   ```
   [2020-05-04T03:07:42.847Z] 
--
   
   [2020-05-04T03:07:42.847Z] Traceback (most recent call last):
   
   [2020-05-04T03:07:42.847Z]   File 
"/usr/local/lib/python3.5/dist-packages/nose/case.py", line 198, in runTest
   
   [2020-05-04T03:07:42.847Z] self.test(*self.arg)
   
   [2020-05-04T03:07:42.847Z]   File 
"/usr/local/lib/python3.5/dist-packages/nose/util.py", line 620, in newfunc
   
   [2020-05-04T03:07:42.847Z] return func(*arg, **kw)
   
   [2020-05-04T03:07:42.847Z]   File 
"/work/mxnet/tests/python/mkl/../unittest/common.py", line 177, in test_new
   
   [2020-05-04T03:07:42.847Z] orig_test(*args, **kwargs)
   
   [2020-05-04T03:07:42.847Z]   File 
"/work/mxnet/tests/python/mkl/../quantization/test_quantization.py", line 283, 
in test_quantized_conv
   
   [2020-05-04T03:07:42.847Z] check_quantized_conv((1, 3, 4, 28, 28), (1, 
3, 3), 128, (1, 1, 1), (1, 1, 1), (2, 2, 2), False, qdtype)
   
   [2020-05-04T03:07:42.847Z]   File 
"/work/mxnet/tests/python/mkl/../quantization/test_quantization.py", line 217, 
in check_quantized_conv
   
   [2020-05-04T03:07:42.847Z] arg_shapes, _, _ = 
conv.infer_shape(data=data_shape)
   
   [2020-05-04T03:07:42.847Z]   File 
"/work/mxnet/python/mxnet/symbol/symbol.py", line 1103, in infer_shape
   
   [2020-05-04T03:07:42.847Z] res = self._infer_shape_impl(False, *args, 
**kwargs)
   
   [2020-05-04T03:07:42.847Z]   File 
"/work/mxnet/python/mxnet/symbol/symbol.py", line 1267, in _infer_shape_impl
   
   [2020-05-04T03:07:42.847Z] ctypes.byref(complete)))
   
   [2020-05-04T03:07:42.847Z]   File "/work/mxnet/python/mxnet/base.py", line 
255, in check_call
   
   [2020-05-04T03:07:42.847Z] raise 
MXNetError(py_str(_LIB.MXGetLastError()))
   
   [2020-05-04T03:07:42.847Z] mxnet.base.MXNetError: Error in operator conv: 
[03:07:30] src/operator/nn/convolution.cc:242: Check failed: 
param_.dilate.Size() == 1U (8 vs. 1) : Dilate is not supported in 3d convolution
   ```
   
   Cherrypicked #17491 which removed the conv3d dilate restriction.
   That should resolve unix-cpu pipeline errors.



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] samskalicky commented on pull request #18232: fixed overwrite of args/aux variables

2020-05-04 Thread GitBox


samskalicky commented on pull request #18232:
URL: https://github.com/apache/incubator-mxnet/pull/18232#issuecomment-623634164


   @mxnet-label-bot add [Bug]



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 (8c76631 -> eea0cd8)

2020-05-04 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 8c76631  Relaxing type requirements for broadcast_like (#17977)
 add eea0cd8  Update static site web pages (#18161)

No new revisions were added by this update.

Summary of changes:
 CONTRIBUTORS.md|  1 +
 .../src/_includes/get_started/get_started.html |  4 +++
 .../src/_includes/get_started/linux/clojure/cpu.md | 11 +++-
 .../src/_includes/get_started/linux/clojure/gpu.md |  5 +---
 .../src/_includes/get_started/linux/java/cpu.md|  2 +-
 .../get_started/linux/julia/build-from-source.md   |  2 +-
 .../src/_includes/get_started/linux/perl/perl.md   |  2 +-
 .../linux/python/cpu/build-from-source.md  |  2 +-
 .../get_started/linux/python/cpu/docker.md |  2 +-
 .../linux/python/gpu/build-from-source.md  |  2 +-
 .../get_started/linux/python/gpu/docker.md |  2 +-
 .../src/_includes/get_started/linux/r/gpu.md   |  4 +--
 .../src/_includes/get_started/linux/scala/cpu.md   |  6 ++---
 .../src/_includes/get_started/linux/scala/gpu.md   |  6 ++---
 .../src/_includes/get_started/macos/clojure/cpu.md |  6 +
 .../get_started/macos/julia/build-from-source.md   |  2 +-
 .../src/_includes/get_started/macos/perl/perl.md   |  2 +-
 .../macos/python/cpu/build-from-source.md  |  2 +-
 .../get_started/macos/python/cpu/docker.md |  2 +-
 .../macos/python/gpu/build-from-source.md  |  4 +--
 .../get_started/macos/python/gpu/pip_docker.md |  2 +-
 .../src/_includes/get_started/macos/r/cpu.md   |  2 +-
 .../src/_includes/get_started/macos/scala/cpu.md   |  2 +-
 .../src/_includes/get_started/windows/perl/perl.md |  2 +-
 .../windows/python/cpu/build-from-source.md|  2 +-
 .../get_started/windows/python/cpu/docker.md   |  2 +-
 .../get_started/windows/python/cpu/pip.md  |  3 ++-
 .../get_started/windows/python/gpu/docker.md   |  1 +
 .../get_started/windows/python/gpu/pip.md  |  3 ++-
 .../src/_includes/get_started/windows/r/cpu.md |  2 +-
 .../src/_includes/get_started/windows/r/gpu.md |  7 ++---
 docs/static_site/src/pages/api/julia/index.md  |  5 ++--
 .../src/pages/get_started/build_from_source.md | 20 --
 .../static_site/src/pages/get_started/osx_setup.md | 31 --
 .../src/pages/get_started/ubuntu_setup.md  | 25 -
 .../src/pages/get_started/windows_setup.md |  2 ++
 36 files changed, 100 insertions(+), 80 deletions(-)
 create mode 100644 
docs/static_site/src/_includes/get_started/windows/python/gpu/docker.md



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

2020-05-04 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 2afa224  Bump the publish timestamp.
2afa224 is described below

commit 2afa2243f24a41c29d570c8d1a76e85e0f419187
Author: mxnet-ci 
AuthorDate: Mon May 4 18:48:29 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..8ff4ffa
--- /dev/null
+++ b/date.txt
@@ -0,0 +1 @@
+Mon May  4 18:48:29 UTC 2020



[incubator-mxnet] branch v1.7.x updated: Cherrypick Fix nightly large_vector test caused by incorrect with_seed path (#18178) (#18220)

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

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


The following commit(s) were added to refs/heads/v1.7.x by this push:
 new 295e939  Cherrypick Fix nightly large_vector test caused by incorrect 
with_seed path (#18178) (#18220)
295e939 is described below

commit 295e93996baeabe5a8b986cfbfd5c6658ebb860d
Author: Chaitanya Prakash Bapat 
AuthorDate: Mon May 4 11:45:20 2020 -0700

Cherrypick Fix nightly large_vector test caused by incorrect with_seed path 
(#18178) (#18220)

* Fix nightly large_vector test caused by incorrect with_seed path (#18178)

* pylint astroid sanity issue
---
 ci/docker/install/requirements |  3 ++-
 tests/nightly/test_large_array.py  |  2 +-
 tests/nightly/test_large_vector.py |  2 +-
 tests/python/unittest/common.py| 23 +--
 4 files changed, 5 insertions(+), 25 deletions(-)

diff --git a/ci/docker/install/requirements b/ci/docker/install/requirements
index 2d5125e..38eb504 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
diff --git a/tests/nightly/test_large_array.py 
b/tests/nightly/test_large_array.py
index ee57f17..1528bc0 100644
--- a/tests/nightly/test_large_array.py
+++ b/tests/nightly/test_large_array.py
@@ -27,7 +27,7 @@ sys.path.append(os.path.join(curr_path, 
'../python/unittest/'))
 
 from mxnet.test_utils import rand_ndarray, assert_almost_equal, rand_coord_2d, 
default_context, check_symbolic_forward, create_2d_tensor
 from mxnet import gluon, nd
-from common import with_seed, with_post_test_cleanup
+from common import with_seed
 from nose.tools import with_setup
 import unittest
 
diff --git a/tests/nightly/test_large_vector.py 
b/tests/nightly/test_large_vector.py
index bbad756..70066a2 100644
--- a/tests/nightly/test_large_vector.py
+++ b/tests/nightly/test_large_vector.py
@@ -27,7 +27,7 @@ sys.path.append(os.path.join(curr_path, 
'../python/unittest/'))
 
 from mxnet.test_utils import rand_ndarray, assert_almost_equal, rand_coord_2d, 
create_vector
 from mxnet import gluon, nd
-from tests.python.unittest.common import with_seed
+from common import with_seed
 from nose.tools import with_setup
 import unittest
 
diff --git a/tests/python/unittest/common.py b/tests/python/unittest/common.py
index ab2d191..5253102 100644
--- a/tests/python/unittest/common.py
+++ b/tests/python/unittest/common.py
@@ -310,27 +310,6 @@ def teardown():
 mx.nd.waitall()
 
 
-def with_post_test_cleanup():
-"""
-Helper function that cleans up memory by releasing it from memory pool
-Required especially by large tensor tests that have memory footprints in 
GBs.
-"""
-def test_helper(orig_test):
-@make_decorator(orig_test)
-def test_new(*args, **kwargs):
-logger = default_logger()
-try:
-orig_test(*args, **kwargs)
-except:
-logger.info(test_msg)
-raise
-finally:
-mx.nd.waitall()
-mx.cpu().empty_cache()
-return test_new
-return test_helper
-
-
 def run_in_spawned_process(func, env, *args):
 """
 Helper function to run a test in its own process.
@@ -373,4 +352,4 @@ def run_in_spawned_process(func, env, *args):
 finally:
 os.environ.clear()
 os.environ.update(orig_environ)
-return True
\ No newline at end of file
+return True



[incubator-mxnet] branch master updated (eea0cd8 -> 742066d)

2020-05-04 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 eea0cd8  Update static site web pages (#18161)
 add 742066d  Remove chinese period which leads to utf-8 encoding problem 
(#18223)

No new revisions were added by this update.

Summary of changes:
 src/operator/contrib/batch_norm_relu.cc | 2 +-
 1 file changed, 1 insertion(+), 1 deletion(-)



[GitHub] [incubator-mxnet] leezu commented on a change in pull request #18222: Fix PyPI Packages and Python Docker Images nightly release

2020-05-04 Thread GitBox


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



##
File path: cd/utils/artifact_repository.py
##
@@ -396,7 +396,7 @@ def get_s3_key_prefix(args: argparse.Namespace, subdir: str 
= '') -> str:
 :param subdir: An optional subdirectory in which to store the files. 
Post-pended to the end of the prefix.
 :return: A string containing the S3 key prefix to be used to uploading and 
downloading files to the artifact repository
 """
-prefix = "{git_sha}/{libtype}/{os}/{variant}/".format(**vars(args))
+prefix = "{git_sha}/{libtype}/{variant}/".format(**vars(args))

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





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 issue #18233: CD issues

2020-05-04 Thread GitBox


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


   Bringing some discussion from 
https://github.com/apache/incubator-mxnet/pull/18222#pullrequestreview-404567393
 to a separate issue.
   
   Main goal is to raise awareness that the current state is not optimal and 
partially broken. As there have been veto's on workarounds for the broken 
parts, let's raise awareness so that going forward the community may 
collaborate on improving the state more efficiently.
   
   On a high level I'm calling out that the internal CD S3 bucket used by the 
CD is actually internal and we can change the object structure as we like over 
time. The only "archived" artifacts should be the ones pushed to public bucket, 
on which of course we like to keep the structure stable. Secondly, object 
expiration. No need to keep temporary files in a private bucket around forever.
   
   On a more detailed point, we need to discuss the folder structure used by CD 
and / or the atcual build jobs of the CD. Currently CD builds for each of: 
`{git_sha}/{libtype}/{os}/{variant}/` where git sha is the git commit and 
variant refers to the cpu/gpu build variants.
   
   ### OS 
   Currently CD uses the `/etc/os-release` of the This broke
   AMI running the stage of the CD as identifier of the s3 folder. That's 
useless, as we may build artifacts for different targets on the same AMI 
(cross-compilation). In fact there is no need that the GPU and CPU stages run 
the same AMI..
   As this feature is broken and is unused (only build for one target at this 
time), we should delete it to keep the code simple. Instead we can use a 
cross-compilation triplet here. See 
https://github.com/apache/incubator-mxnet/pull/18222#pullrequestreview-404567393
 for more details.
   
   ### libtype
   Both `libtype=static` and `libtype=dynamic` build the dynamic `libmxnet`, 
the only difference is the number of dependencies statically linked. But in 
fact `libtype=dynamic` artifacts are not used anywhere.  `libtype=static` is 
fully sufficient and we can reduce complexity and costs while achieving the 
same goal by removing unused `libtype=dynamic`. The goal here is to keep things 
simple and avoid unnecessary complexity.
   
   The idea behind the unused `libtype=dynamic` pipeline is to only rely on 
dynamic linking and not link any dependencies statically. This is great goal in 
principle and exactly what is done by Linux distributions such as Debian and 
Ubuntu. We can support this goal by working with the distributions and getting 
MXNet packaged there. But I highly doubt that we like to do this in a  nighlty 
fashion on our CD. For that, the libtype=static` version of our dynamic library 
is fully sufficient.
   
   By removing unnecessary and / or unused things, we can keep the code simple 
and easier to maintain.



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 #18224: DataLoader timed out

2020-05-04 Thread GitBox


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


   Have you tried "- Slow transform. Please increase timeout to 
allow slower data loading in each worker."?



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 v1.7.x updated: Cherrypick Fix nightly large_vector test caused by incorrect with_seed path (#18178) (#18220)

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

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


The following commit(s) were added to refs/heads/v1.7.x by this push:
 new 295e939  Cherrypick Fix nightly large_vector test caused by incorrect 
with_seed path (#18178) (#18220)
295e939 is described below

commit 295e93996baeabe5a8b986cfbfd5c6658ebb860d
Author: Chaitanya Prakash Bapat 
AuthorDate: Mon May 4 11:45:20 2020 -0700

Cherrypick Fix nightly large_vector test caused by incorrect with_seed path 
(#18178) (#18220)

* Fix nightly large_vector test caused by incorrect with_seed path (#18178)

* pylint astroid sanity issue
---
 ci/docker/install/requirements |  3 ++-
 tests/nightly/test_large_array.py  |  2 +-
 tests/nightly/test_large_vector.py |  2 +-
 tests/python/unittest/common.py| 23 +--
 4 files changed, 5 insertions(+), 25 deletions(-)

diff --git a/ci/docker/install/requirements b/ci/docker/install/requirements
index 2d5125e..38eb504 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
diff --git a/tests/nightly/test_large_array.py 
b/tests/nightly/test_large_array.py
index ee57f17..1528bc0 100644
--- a/tests/nightly/test_large_array.py
+++ b/tests/nightly/test_large_array.py
@@ -27,7 +27,7 @@ sys.path.append(os.path.join(curr_path, 
'../python/unittest/'))
 
 from mxnet.test_utils import rand_ndarray, assert_almost_equal, rand_coord_2d, 
default_context, check_symbolic_forward, create_2d_tensor
 from mxnet import gluon, nd
-from common import with_seed, with_post_test_cleanup
+from common import with_seed
 from nose.tools import with_setup
 import unittest
 
diff --git a/tests/nightly/test_large_vector.py 
b/tests/nightly/test_large_vector.py
index bbad756..70066a2 100644
--- a/tests/nightly/test_large_vector.py
+++ b/tests/nightly/test_large_vector.py
@@ -27,7 +27,7 @@ sys.path.append(os.path.join(curr_path, 
'../python/unittest/'))
 
 from mxnet.test_utils import rand_ndarray, assert_almost_equal, rand_coord_2d, 
create_vector
 from mxnet import gluon, nd
-from tests.python.unittest.common import with_seed
+from common import with_seed
 from nose.tools import with_setup
 import unittest
 
diff --git a/tests/python/unittest/common.py b/tests/python/unittest/common.py
index ab2d191..5253102 100644
--- a/tests/python/unittest/common.py
+++ b/tests/python/unittest/common.py
@@ -310,27 +310,6 @@ def teardown():
 mx.nd.waitall()
 
 
-def with_post_test_cleanup():
-"""
-Helper function that cleans up memory by releasing it from memory pool
-Required especially by large tensor tests that have memory footprints in 
GBs.
-"""
-def test_helper(orig_test):
-@make_decorator(orig_test)
-def test_new(*args, **kwargs):
-logger = default_logger()
-try:
-orig_test(*args, **kwargs)
-except:
-logger.info(test_msg)
-raise
-finally:
-mx.nd.waitall()
-mx.cpu().empty_cache()
-return test_new
-return test_helper
-
-
 def run_in_spawned_process(func, env, *args):
 """
 Helper function to run a test in its own process.
@@ -373,4 +352,4 @@ def run_in_spawned_process(func, env, *args):
 finally:
 os.environ.clear()
 os.environ.update(orig_environ)
-return True
\ No newline at end of file
+return True



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

2020-05-04 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 2afa224  Bump the publish timestamp.
2afa224 is described below

commit 2afa2243f24a41c29d570c8d1a76e85e0f419187
Author: mxnet-ci 
AuthorDate: Mon May 4 18:48:29 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..8ff4ffa
--- /dev/null
+++ b/date.txt
@@ -0,0 +1 @@
+Mon May  4 18:48:29 UTC 2020



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

2020-05-04 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 2afa224  Bump the publish timestamp.
2afa224 is described below

commit 2afa2243f24a41c29d570c8d1a76e85e0f419187
Author: mxnet-ci 
AuthorDate: Mon May 4 18:48:29 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..8ff4ffa
--- /dev/null
+++ b/date.txt
@@ -0,0 +1 @@
+Mon May  4 18:48:29 UTC 2020



[incubator-mxnet] branch master updated (eea0cd8 -> 742066d)

2020-05-04 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 eea0cd8  Update static site web pages (#18161)
 add 742066d  Remove chinese period which leads to utf-8 encoding problem 
(#18223)

No new revisions were added by this update.

Summary of changes:
 src/operator/contrib/batch_norm_relu.cc | 2 +-
 1 file changed, 1 insertion(+), 1 deletion(-)



[incubator-mxnet] branch master updated (8c76631 -> eea0cd8)

2020-05-04 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 8c76631  Relaxing type requirements for broadcast_like (#17977)
 add eea0cd8  Update static site web pages (#18161)

No new revisions were added by this update.

Summary of changes:
 CONTRIBUTORS.md|  1 +
 .../src/_includes/get_started/get_started.html |  4 +++
 .../src/_includes/get_started/linux/clojure/cpu.md | 11 +++-
 .../src/_includes/get_started/linux/clojure/gpu.md |  5 +---
 .../src/_includes/get_started/linux/java/cpu.md|  2 +-
 .../get_started/linux/julia/build-from-source.md   |  2 +-
 .../src/_includes/get_started/linux/perl/perl.md   |  2 +-
 .../linux/python/cpu/build-from-source.md  |  2 +-
 .../get_started/linux/python/cpu/docker.md |  2 +-
 .../linux/python/gpu/build-from-source.md  |  2 +-
 .../get_started/linux/python/gpu/docker.md |  2 +-
 .../src/_includes/get_started/linux/r/gpu.md   |  4 +--
 .../src/_includes/get_started/linux/scala/cpu.md   |  6 ++---
 .../src/_includes/get_started/linux/scala/gpu.md   |  6 ++---
 .../src/_includes/get_started/macos/clojure/cpu.md |  6 +
 .../get_started/macos/julia/build-from-source.md   |  2 +-
 .../src/_includes/get_started/macos/perl/perl.md   |  2 +-
 .../macos/python/cpu/build-from-source.md  |  2 +-
 .../get_started/macos/python/cpu/docker.md |  2 +-
 .../macos/python/gpu/build-from-source.md  |  4 +--
 .../get_started/macos/python/gpu/pip_docker.md |  2 +-
 .../src/_includes/get_started/macos/r/cpu.md   |  2 +-
 .../src/_includes/get_started/macos/scala/cpu.md   |  2 +-
 .../src/_includes/get_started/windows/perl/perl.md |  2 +-
 .../windows/python/cpu/build-from-source.md|  2 +-
 .../get_started/windows/python/cpu/docker.md   |  2 +-
 .../get_started/windows/python/cpu/pip.md  |  3 ++-
 .../get_started/windows/python/gpu/docker.md   |  1 +
 .../get_started/windows/python/gpu/pip.md  |  3 ++-
 .../src/_includes/get_started/windows/r/cpu.md |  2 +-
 .../src/_includes/get_started/windows/r/gpu.md |  7 ++---
 docs/static_site/src/pages/api/julia/index.md  |  5 ++--
 .../src/pages/get_started/build_from_source.md | 20 --
 .../static_site/src/pages/get_started/osx_setup.md | 31 --
 .../src/pages/get_started/ubuntu_setup.md  | 25 -
 .../src/pages/get_started/windows_setup.md |  2 ++
 36 files changed, 100 insertions(+), 80 deletions(-)
 create mode 100644 
docs/static_site/src/_includes/get_started/windows/python/gpu/docker.md



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

2020-05-04 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 2afa224  Bump the publish timestamp.
2afa224 is described below

commit 2afa2243f24a41c29d570c8d1a76e85e0f419187
Author: mxnet-ci 
AuthorDate: Mon May 4 18:48:29 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..8ff4ffa
--- /dev/null
+++ b/date.txt
@@ -0,0 +1 @@
+Mon May  4 18:48:29 UTC 2020



[incubator-mxnet] branch master updated (eea0cd8 -> 742066d)

2020-05-04 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 eea0cd8  Update static site web pages (#18161)
 add 742066d  Remove chinese period which leads to utf-8 encoding problem 
(#18223)

No new revisions were added by this update.

Summary of changes:
 src/operator/contrib/batch_norm_relu.cc | 2 +-
 1 file changed, 1 insertion(+), 1 deletion(-)



[incubator-mxnet] branch v1.7.x updated: Cherrypick Fix nightly large_vector test caused by incorrect with_seed path (#18178) (#18220)

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

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


The following commit(s) were added to refs/heads/v1.7.x by this push:
 new 295e939  Cherrypick Fix nightly large_vector test caused by incorrect 
with_seed path (#18178) (#18220)
295e939 is described below

commit 295e93996baeabe5a8b986cfbfd5c6658ebb860d
Author: Chaitanya Prakash Bapat 
AuthorDate: Mon May 4 11:45:20 2020 -0700

Cherrypick Fix nightly large_vector test caused by incorrect with_seed path 
(#18178) (#18220)

* Fix nightly large_vector test caused by incorrect with_seed path (#18178)

* pylint astroid sanity issue
---
 ci/docker/install/requirements |  3 ++-
 tests/nightly/test_large_array.py  |  2 +-
 tests/nightly/test_large_vector.py |  2 +-
 tests/python/unittest/common.py| 23 +--
 4 files changed, 5 insertions(+), 25 deletions(-)

diff --git a/ci/docker/install/requirements b/ci/docker/install/requirements
index 2d5125e..38eb504 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
diff --git a/tests/nightly/test_large_array.py 
b/tests/nightly/test_large_array.py
index ee57f17..1528bc0 100644
--- a/tests/nightly/test_large_array.py
+++ b/tests/nightly/test_large_array.py
@@ -27,7 +27,7 @@ sys.path.append(os.path.join(curr_path, 
'../python/unittest/'))
 
 from mxnet.test_utils import rand_ndarray, assert_almost_equal, rand_coord_2d, 
default_context, check_symbolic_forward, create_2d_tensor
 from mxnet import gluon, nd
-from common import with_seed, with_post_test_cleanup
+from common import with_seed
 from nose.tools import with_setup
 import unittest
 
diff --git a/tests/nightly/test_large_vector.py 
b/tests/nightly/test_large_vector.py
index bbad756..70066a2 100644
--- a/tests/nightly/test_large_vector.py
+++ b/tests/nightly/test_large_vector.py
@@ -27,7 +27,7 @@ sys.path.append(os.path.join(curr_path, 
'../python/unittest/'))
 
 from mxnet.test_utils import rand_ndarray, assert_almost_equal, rand_coord_2d, 
create_vector
 from mxnet import gluon, nd
-from tests.python.unittest.common import with_seed
+from common import with_seed
 from nose.tools import with_setup
 import unittest
 
diff --git a/tests/python/unittest/common.py b/tests/python/unittest/common.py
index ab2d191..5253102 100644
--- a/tests/python/unittest/common.py
+++ b/tests/python/unittest/common.py
@@ -310,27 +310,6 @@ def teardown():
 mx.nd.waitall()
 
 
-def with_post_test_cleanup():
-"""
-Helper function that cleans up memory by releasing it from memory pool
-Required especially by large tensor tests that have memory footprints in 
GBs.
-"""
-def test_helper(orig_test):
-@make_decorator(orig_test)
-def test_new(*args, **kwargs):
-logger = default_logger()
-try:
-orig_test(*args, **kwargs)
-except:
-logger.info(test_msg)
-raise
-finally:
-mx.nd.waitall()
-mx.cpu().empty_cache()
-return test_new
-return test_helper
-
-
 def run_in_spawned_process(func, env, *args):
 """
 Helper function to run a test in its own process.
@@ -373,4 +352,4 @@ def run_in_spawned_process(func, env, *args):
 finally:
 os.environ.clear()
 os.environ.update(orig_environ)
-return True
\ No newline at end of file
+return True



[GitHub] [incubator-mxnet] access2rohit commented on issue #14980: [CI][NightlyTestsForBinaries] Test Large Tensor: CPU killing node instance

2020-05-04 Thread GitBox


access2rohit commented on issue #14980:
URL: 
https://github.com/apache/incubator-mxnet/issues/14980#issuecomment-623565680


   > 
http://jenkins.mxnet-ci.amazon-ml.com/blue/organizations/jenkins/mxnet-validation%2Fcentos-cpu/detail/PR-18146/42/pipeline#step-96-log-126
   
   @szha The link shared about has flags -DMSHADOW_INT64_TENSOR_SIZE=0 which is 
not Large Tensor Build. Currently Large Tensor Tests are only in nightly. Is it 
possible that you copied a different 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




[GitHub] [incubator-mxnet] access2rohit edited a comment on issue #14980: [CI][NightlyTestsForBinaries] Test Large Tensor: CPU killing node instance

2020-05-04 Thread GitBox


access2rohit edited a comment on issue #14980:
URL: 
https://github.com/apache/incubator-mxnet/issues/14980#issuecomment-623565680


   > 
http://jenkins.mxnet-ci.amazon-ml.com/blue/organizations/jenkins/mxnet-validation%2Fcentos-cpu/detail/PR-18146/42/pipeline#step-96-log-126
   
   @szha The link shared about has flags -DMSHADOW_INT64_TENSOR_SIZE=0 which is 
not Large Tensor Build. Currently Large Tensor Tests are only in nightly(Not CI 
that runs on every PR). Is it possible that you copied a different 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




[GitHub] [incubator-mxnet] mxnet-bot commented on pull request #18232: fixed overwrite of args/aux variables

2020-05-04 Thread GitBox


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


   Hey @samskalicky , 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**: [clang, windows-gpu, unix-gpu, unix-cpu, website, 
centos-gpu, edge, windows-cpu, miscellaneous, centos-cpu, sanity]
   *** 
   _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] samskalicky opened a new pull request #18232: fixed overwrite of args/aux variables

2020-05-04 Thread GitBox


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


   ## Description ##
   Fix overwriting of args/aux variables in optimize_for API to enable 
modifying the user-provided objects for adding new params for graph passes. 
   
   ## 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
   
   



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 #18222: Fix PyPI Packages and Python Docker Images nightly release

2020-05-04 Thread GitBox


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



##
File path: cd/utils/artifact_repository.py
##
@@ -396,7 +396,7 @@ def get_s3_key_prefix(args: argparse.Namespace, subdir: str 
= '') -> str:
 :param subdir: An optional subdirectory in which to store the files. 
Post-pended to the end of the prefix.
 :return: A string containing the S3 key prefix to be used to uploading and 
downloading files to the artifact repository
 """
-prefix = "{git_sha}/{libtype}/{os}/{variant}/".format(**vars(args))
+prefix = "{git_sha}/{libtype}/{variant}/".format(**vars(args))

Review comment:
   We can hardcode some value for `{os}` instead of deleting it, sure. 
Though this is a internal `ARTIFACT_REPOSITORY_BUCKET` s3 bucket, which is 
private and arguably should use object expiration as access to old objects is 
not needed (later step of the CD publishes the proper build artifacts to a 
public bucket). Thus I  don't think we have to make any guarantees about a 
consistent structure over time.
   
   I have some more concerns about the structure of the CD, but I'll open a 
separate issue to discuss them.





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: Update static site web pages (#18161)

2020-05-04 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 eea0cd8  Update static site web pages (#18161)
eea0cd8 is described below

commit eea0cd8bd65f02b9b3933d19d9d32080ed3d89ff
Author: waytrue17 <52505574+waytru...@users.noreply.github.com>
AuthorDate: Mon May 4 11:40:26 2020 -0700

Update static site web pages (#18161)

* update from upstream

* modify static website

* fix web url

* fix indentation

* modify build pages

* add gcc requirment

* Fix Julia guide

* test get_started_link

* test get_started link

* change 3rdparty versions

* Fix math table in build source page

Co-authored-by: Wei Chu 
Co-authored-by: Leonard Lausen 
---
 CONTRIBUTORS.md|  1 +
 .../src/_includes/get_started/get_started.html |  4 +++
 .../src/_includes/get_started/linux/clojure/cpu.md | 11 +++-
 .../src/_includes/get_started/linux/clojure/gpu.md |  5 +---
 .../src/_includes/get_started/linux/java/cpu.md|  2 +-
 .../get_started/linux/julia/build-from-source.md   |  2 +-
 .../src/_includes/get_started/linux/perl/perl.md   |  2 +-
 .../linux/python/cpu/build-from-source.md  |  2 +-
 .../get_started/linux/python/cpu/docker.md |  2 +-
 .../linux/python/gpu/build-from-source.md  |  2 +-
 .../get_started/linux/python/gpu/docker.md |  2 +-
 .../src/_includes/get_started/linux/r/gpu.md   |  4 +--
 .../src/_includes/get_started/linux/scala/cpu.md   |  6 ++---
 .../src/_includes/get_started/linux/scala/gpu.md   |  6 ++---
 .../src/_includes/get_started/macos/clojure/cpu.md |  6 +
 .../get_started/macos/julia/build-from-source.md   |  2 +-
 .../src/_includes/get_started/macos/perl/perl.md   |  2 +-
 .../macos/python/cpu/build-from-source.md  |  2 +-
 .../get_started/macos/python/cpu/docker.md |  2 +-
 .../macos/python/gpu/build-from-source.md  |  4 +--
 .../get_started/macos/python/gpu/pip_docker.md |  2 +-
 .../src/_includes/get_started/macos/r/cpu.md   |  2 +-
 .../src/_includes/get_started/macos/scala/cpu.md   |  2 +-
 .../src/_includes/get_started/windows/perl/perl.md |  2 +-
 .../windows/python/cpu/build-from-source.md|  2 +-
 .../get_started/windows/python/cpu/docker.md   |  2 +-
 .../get_started/windows/python/cpu/pip.md  |  3 ++-
 .../get_started/windows/python/gpu/docker.md   |  1 +
 .../get_started/windows/python/gpu/pip.md  |  3 ++-
 .../src/_includes/get_started/windows/r/cpu.md |  2 +-
 .../src/_includes/get_started/windows/r/gpu.md |  7 ++---
 docs/static_site/src/pages/api/julia/index.md  |  5 ++--
 .../src/pages/get_started/build_from_source.md | 20 --
 .../static_site/src/pages/get_started/osx_setup.md | 31 --
 .../src/pages/get_started/ubuntu_setup.md  | 25 -
 .../src/pages/get_started/windows_setup.md |  2 ++
 36 files changed, 100 insertions(+), 80 deletions(-)

diff --git a/CONTRIBUTORS.md b/CONTRIBUTORS.md
index 867a56f..f63b241 100644
--- a/CONTRIBUTORS.md
+++ b/CONTRIBUTORS.md
@@ -252,6 +252,7 @@ List of Contributors
 * [Jonathan Tan](https://github.com/jonatan1626)
 * [Oliver Kowalke](https://github.com/olk)
 * [Connor Goggins](https://github.com/connorgoggins)
+* [Wei Chu](https://github.com/waytrue17)
 * [Yang Shi](https://github.com/ys2843)
 
 Label Bot
diff --git a/docs/static_site/src/_includes/get_started/get_started.html 
b/docs/static_site/src/_includes/get_started/get_started.html
index da5975f..20e25eb 100644
--- a/docs/static_site/src/_includes/get_started/get_started.html
+++ b/docs/static_site/src/_includes/get_started/get_started.html
@@ -381,6 +381,10 @@
 {% markdown %}{% include 
/get_started/windows/python/gpu/pip.md %}{% endmarkdown %}
  
 
+
+{% markdown %}{% include 
/get_started/windows/python/gpu/docker.md %}{% endmarkdown %}
+ 
+
 
 {% markdown %}{% include 
/get_started/windows/python/gpu/build-from-source.md %}{% endmarkdown %}
  
diff --git a/docs/static_site/src/_includes/get_started/linux/clojure/cpu.md 
b/docs/static_site/src/_includes/get_started/linux/clojure/cpu.md
index c16eb9a..4675c17 100644
--- a/docs/static_site/src/_includes/get_started/linux/clojure/cpu.md
+++ b/docs/static_site/src/_includes/get_started/linux/clojure/cpu.md
@@ -1,7 +1,4 @@
-You can use the Maven packages defined in the following dependency to include 
MXNet in your Clojure
-project. To maximize leverage, the Clojure package has been built on the 
existing Scala package. Please
-refer to the [MXNet-Scala 

[GitHub] [incubator-mxnet] mxnet-bot commented on pull request #18238: fix when clicking version dropdown it jumps to top of the page

2020-05-04 Thread GitBox


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


   Hey @ys2843 , 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**: [edge, centos-gpu, windows-gpu, centos-cpu, website, 
unix-cpu, miscellaneous, windows-cpu, sanity, clang, unix-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] ys2843 opened a new pull request #18238: fix when clicking version dropdown it jumps to top of the page

2020-05-04 Thread GitBox


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


   ## Description ##
   Resolved this issue https://github.com/apache/incubator-mxnet/issues/16231, 
the fix is to delegate an event handler to parent node `ul` to prevent its all 
child node`` from triggering default click action (direct to target url, 
which cause the page to jump to the top). 
   
   ## Checklist ##
   ### Essentials ###
   Please feel free to remove inapplicable items for your PR.
   - [ ] Tested on Chrome, Edge, Safari and Firefox
   - [ ] Tested on mobile
   
   ### Changes ###
   - [ ] Fixed MXNet Version selection Drop-down makes page jump to top of page
   
   ## Comments ##
   - Preview - 
[link](http://ec2-54-191-240-239.us-west-2.compute.amazonaws.com/)
   



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 (322aa53 -> aeef33a)

2020-05-04 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 322aa53  Re-enable build retries on MSVC (#18230)
 add aeef33a  Update website version select drop down (#18188)

No new revisions were added by this update.

Summary of changes:
 .../src/_includes/get_started/get_started.html | 11 +---
 .../src/_sass/minima/_getting_started.scss | 30 --
 docs/static_site/src/assets/js/options.js  | 20 +--
 3 files changed, 54 insertions(+), 7 deletions(-)



[GitHub] [incubator-mxnet] samskalicky opened a new pull request #18237: Pass args fix3

2020-05-04 Thread GitBox


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


   ## Description ##
   Cherry pick #18232 (#18236 in v1.x branch)
   
   ## 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 #18237: Pass args fix3

2020-05-04 Thread GitBox


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


   Hey @samskalicky , 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**: [centos-cpu, windows-cpu, windows-gpu, centos-gpu, 
edge, sanity, website, clang, unix-gpu, unix-cpu, miscellaneous]
   *** 
   _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] ys2843 opened a new issue #18234: [Website] Global Search Feature

2020-05-04 Thread GitBox


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


   ## Description
   MXNet website hosts not only rich and comprehensive documentations, but also 
many useful resources including tutorials, installation guide, APIs and blogs 
etc. The majority of our target users are those who are curious about MXNet and 
want to explore, their primary target will mostly be tutorials, FAQs, blog 
posts and other solution contents. But the current version of MXNet website 
does not provide anything for them to find the materials they need. This could 
prevent users from further exploring and staying interested in MXNet. And for 
power users who will come to API docs directly, it will greatly improve their 
experience if a global search feature is available everywhere not only within 
API document.
   
   ## Proposed Solution
   So as to improve user experience of MXNet website and better convey our 
product values to end users, a global search feature should be implemented, on 
the top Nav bar accessible to users across all main information pages, with the 
capability of searching information across all site and always provide the 
valid and fresh results.
   It is a lot more cost and time efficient to integrate a stable and trust 
worthy 3rd party search service to MXNet website than to start from scratch. 
[DocSearch by Algolia](https://docsearch.algolia.com/) is one of the site 
search solutions that is technical documentation oriented and widely adopted by 
many professional documentation websites including 
[PyTorch](https://pytorch.org/), 
[TypeScript](https://www.typescriptlang.org/index.html ), 
[React](https://reactjs.org/), [Bootstrap](https://getbootstrap.com/), 
[Scala](https://www.scala-lang.org/) and [GitLab](https://about.gitlab.com/) 
etc. 
   
   ## Deliverable
   A search bar powered by DocSearch on MXNet website, capable of searching 
across all site in any version, located on the right side of main Nav bar with 
a drop down menu attached that contains all available version options.
   
   ## Acceptance Criteria
   * Search bar accessible across all information web pages
   * Providing real time searching, search as you type, always return fresh and 
valid result
   * The scope of search should be the whole website and all versions
   * Simple and consistent front end user interface for searching and result 
displaying
   
   ## Reference
   1. [Detailed quip project proposal - 
internal](https://quip-amazon.com/3bsRAMn6uvx0/MXNet-Website-20-Global-Search)
   2. [DocSearch website](https://docsearch.algolia.com/)
   



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 #18188: update website version select drop down

2020-05-04 Thread GitBox


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


   @mxnet-label-bot add [pr-awaiting-merge]



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] apeforest opened a new issue #18235: [Website] Gluon guide link is missing

2020-05-04 Thread GitBox


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


   ## Description
   The following link is missing:
   
https://mxnet.apache.org/api/python/docs/api/tutorials/packages/gluon/index.html
   
   ## To Reproduce
   From this page 
(https://mxnet.apache.org/api/python/docs/api/gluon/index.html), if user clicks 
the Gluon Guide box, it went to the above missing page.



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

2020-05-04 Thread GitBox


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


   Does DNNL always link to MKL by default if MKL is available on the system, 
just as MXNet does link to MKL in such situation?
   
   Further, regarding the double-linking issue, 
https://github.com/apache/incubator-mxnet/pull/17794 should fix 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] ys2843 commented on pull request #18238: fix when clicking version dropdown it jumps to top of the page

2020-05-04 Thread GitBox


ys2843 commented on pull request #18238:
URL: https://github.com/apache/incubator-mxnet/pull/18238#issuecomment-623751828


   @mxnet-label-bot add [website, pr-awaiting-review ]



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 (742066d -> 322aa53)

2020-05-04 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 742066d  Remove chinese period which leads to utf-8 encoding problem 
(#18223)
 add 322aa53  Re-enable build retries on MSVC (#18230)

No new revisions were added by this update.

Summary of changes:
 ci/build_windows.py | 67 -
 1 file changed, 40 insertions(+), 27 deletions(-)



[GitHub] [incubator-mxnet] ChaiBapchya removed a comment on pull request #18188: update website version select drop down

2020-05-04 Thread GitBox


ChaiBapchya removed a comment on pull request #18188:
URL: https://github.com/apache/incubator-mxnet/pull/18188#issuecomment-623722754


   @mxnet-label-bot add [pr-awaiting-merge]



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] samskalicky opened a new pull request #18236: [1.7] Pass args fix2

2020-05-04 Thread GitBox


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


   ## Description ##
   Cherry pick #18232 
   
   ## 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 #18236: [1.7] Pass args fix2

2020-05-04 Thread GitBox


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


   Hey @samskalicky , 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**: [centos-cpu, windows-cpu, windows-gpu, centos-gpu, 
edge, sanity, website, clang, unix-gpu, unix-cpu, miscellaneous]
   *** 
   _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] kpuatamazon commented on issue #17980: When compiled with MKL, fully_connected calls DNNL while dot and batch_dot call MKL

2020-05-04 Thread GitBox


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


   DNNL has only a hidden unsupported option to link to MKL.  It will not link 
to MKL by default.  



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] mseth10 commented on a change in pull request #18222: Fix PyPI Packages and Python Docker Images nightly release

2020-05-04 Thread GitBox


mseth10 commented on a change in pull request #18222:
URL: https://github.com/apache/incubator-mxnet/pull/18222#discussion_r419704443



##
File path: cd/utils/artifact_repository.py
##
@@ -396,7 +396,7 @@ def get_s3_key_prefix(args: argparse.Namespace, subdir: str 
= '') -> str:
 :param subdir: An optional subdirectory in which to store the files. 
Post-pended to the end of the prefix.
 :return: A string containing the S3 key prefix to be used to uploading and 
downloading files to the artifact repository
 """
-prefix = "{git_sha}/{libtype}/{os}/{variant}/".format(**vars(args))
+prefix = "{git_sha}/{libtype}/{variant}/".format(**vars(args))

Review comment:
   As per our discussion, I have reverted commit that removes {os} from s3 
path. I have hard-coded `os` to `ubuntu18.04` for both upload and download of 
binaries.
   @marcoabreu can you please take a look.





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 #18206: [v1.6.x] Backport [MKL-DNN] Integrate Conv3d and Pool3d/1d (#17884) and Fix Sanity pipeline in 1.6.x

2020-05-04 Thread GitBox


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


   @wuxun-zhang One last failure
   unix-gpu pipeline
   Tests / Cpp: MKLDNN+GPU
   ```
   pooling-inl.h:313: Check failed: outputs.size() == GetNumOutputs(param) (1 
vs. 2) :  
   ```
   I was able to repro locally. Not sure why output size is mismatch for 
pooling.



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 (742066d -> 322aa53)

2020-05-04 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 742066d  Remove chinese period which leads to utf-8 encoding problem 
(#18223)
 add 322aa53  Re-enable build retries on MSVC (#18230)

No new revisions were added by this update.

Summary of changes:
 ci/build_windows.py | 67 -
 1 file changed, 40 insertions(+), 27 deletions(-)



[incubator-mxnet] branch master updated (742066d -> 322aa53)

2020-05-04 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 742066d  Remove chinese period which leads to utf-8 encoding problem 
(#18223)
 add 322aa53  Re-enable build retries on MSVC (#18230)

No new revisions were added by this update.

Summary of changes:
 ci/build_windows.py | 67 -
 1 file changed, 40 insertions(+), 27 deletions(-)



[GitHub] [incubator-mxnet] waytrue17 commented on issue #18210: CI: OS X jobs canceled

2020-05-04 Thread GitBox


waytrue17 commented on issue #18210:
URL: 
https://github.com/apache/incubator-mxnet/issues/18210#issuecomment-623669702


   Another data point: 
[https://github.com/apache/incubator-mxnet/pull/18161/checks](url)
   
   Wed, 29 Apr 2020 22:21:05 GMT
   [243/719] Building CXX object 
CMakeFiles/mxnet_static.dir/src/operator/numpy/linalg/np_solve.cc.o
   Wed, 29 Apr 2020 22:21:08 GMT
   [244/719] Building CXX object 
CMakeFiles/mxnet_static.dir/src/operator/numpy/linalg/np_tensorinv.cc.o
   Wed, 29 Apr 2020 22:21:20 GMT
   [245/719] Building CXX object 
CMakeFiles/mxnet_static.dir/src/operator/numpy/linalg/np_tensorsolve.cc.o
   Wed, 29 Apr 2020 22:21:21 GMT
   [246/719] Building CXX object 
CMakeFiles/mxnet_static.dir/src/operator/numpy/np_bincount_op.cc.o
   Wed, 29 Apr 2020 22:21:24 GMT
   [247/719] Building CXX object 
CMakeFiles/mxnet_static.dir/src/operator/numpy/np_boolean_mask_assign.cc.o
   Wed, 29 Apr 2020 22:21:35 GMT
   ##[error]The operation was canceled.



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 leezu-patch-1 updated (1c0416c -> 556e9cf)

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

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


 discard 1c0416c  Disable MKL_USE_STATIC_LIBS by default
 add 8d124e0  Remove duplicate condition (#17934)
 add 6198d1d  Change register_op_hook to take MXNet and Python types 
instead of C types (#17946)
 add 7d2c9bf  [numpy] add logical op (#17534)
 add e761f84  [WIP] MXNet Extensions enhancements (#17885)
 add 44d5671  Fix description of setting Debug build type for cmake (#18114)
 add 84400fb  If sanity build is not found, wait until Jenkins recognizes 
it. (#18119)
 add b85e446  Unify centos7 Dockerfiles and remove install scripts (#18115)
 add 6a809aa  Update Apache License for mshadow (#18109)
 add faccd91  [DEV] switch nose with pytest (#18025)
 add 71a7b5d  [numpy] Fix ffi split  (#18136)
 add f08683e  Revert #17547 (#18145)
 add 3d29933  [numpy] change unary infer type (#17254)
 add 76fa583  CI: Consolidate Ubuntu Dockerfiles (#18138)
 add e5f292c  Fix convenient method for np.sum (#18129)
 add 1c9274e  Disable tests of numpy operators implemented with CustomOp 
(#18151)
 add 6972b98  add bnrelu bf16 into amp list (#18155)
 add 440a44a  add: numpy op fill_diagonal (#18049)
 add 5c1e67f  [Numpy] Implement digamma and its backward (#18148)
 add 8cbc3bc  Fix CI reliance on executable bits (#18159)
 add 8816b35  fix npx.softmax for 0-sized inputs (#18158)
 add 50f7f0a  Fail build_windows.py if all retries failed and fix CI sanity 
checks (#18177)
 add 3a76ab6  Enable docker cache build for images listed in 
docker-compose.yml (#18179)
 add 998c6ad  [numpy] Fix core dump for tril, triu  (#18157)
 add 47cd0ba  Fix for out of bound access in QuantizedElemwiseMulOpShape 
(#18185)
 add 4774e58  [CI] Fix ASAN tests on Ubuntu 18.04 (#18181)
 add bfd6b41  CI: Add test for docker cache job run on master branch 
commits (#18183)
 add df28e61  Fixed Install page history broken (#18182)
 add 5c525c9  [NumPy]Set numpy default dtype (#17283)
 add 4aaffe7  Update test_mlp.py (#18156)
 add 7145250  Fix nightly large_vector test caused by incorrect with_seed 
path (#18178)
 add 61ede84  Fix ci/Jenkinsfile_docker_cache (#18187)
 add 5206b54  Restore missing FAQ tutorial from website migration (#18174)
 add 73d1b05  Updated PartialSortSmallK for LT support (#17462)
 add fe73add  Specify mxnetci dockerhub user in docker-compose.yml (#18195)
 add 664bda1  Revert "[NumPy]Set numpy default dtype (#17283)" (#18194)
 add 1496c91  [Bug Fix] Fix GroupNorm Implementation (#18199)
 add b8f78c9  Disable timeout 1200sec issue for large tensor tests (#18201)
 add 0b46d90  Fix Nightly CD for GPU builds and switch CD to use cmake 
builds (#18205)
 add 03fdfe0  Disable -DUSE_TVM_OP on GPU builds (#18204)
 add fd6f45a  Update test_numpy_op.py (#18212)
 add 10bede6  [Numpy] New FFIs for Operator: pad, prod (#18053)
 add afb7505  fix cpp test_regress_label (#18211)
 add bbc1720  [CI] Switch all ubuntu_nightly_cpu to ubuntu_cpu, 
ubuntu_nightly_gpu to ubuntu_build_cuda (#18189)
 add 5950d8c  Improving performance of broadcast_axis on GPU (#18168)
 add bbee33a  Increase docker-compose http timeout (#18202)
 add 5fd9024  Update to thrust 1.9.8 on Windows (#18218)
 add 8c76631  Relaxing type requirements for broadcast_like (#17977)
 add eea0cd8  Update static site web pages (#18161)
 add 742066d  Remove chinese period which leads to utf-8 encoding problem 
(#18223)
 add 322aa53  Re-enable build retries on MSVC (#18230)
 add aeef33a  Update website version select drop down (#18188)
 add 0580200  [CI] run pytest in parallel (#18146)
 add 556e9cf  Disable MKL_USE_STATIC_LIBS by default

This update added new revisions after undoing existing revisions.
That is to say, some revisions that were in the old version of the
branch are not in the new version.  This situation occurs
when a user --force pushes a change and generates a repository
containing something like this:

 * -- * -- B -- O -- O -- O   (1c0416c)
\
 N -- N -- N   refs/heads/leezu-patch-1 (556e9cf)

You should already have received notification emails for all of the O
revisions, and so the following emails describe only the N revisions
from the common base, B.

Any revisions marked "omit" are not gone; other references still
refer to them.  Any revisions marked "discard" are gone forever.

No new revisions were added by this update.

Summary of changes:
 .github/workflows/os_x_staticbuild.yml |6 +-
 3rdparty/mshadow/CHANGES.md|   17 +
 3rdparty/mshadow/LICENSE   |2 -
 3rdparty/mshadow/README.md |   17 +
 3rdparty/mshadow/doc/Doxyfile  |   17 +
 

[GitHub] [incubator-mxnet] mxnet-bot commented on pull request #18238: fix when clicking version dropdown it jumps to top of the page

2020-05-04 Thread GitBox


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


   Jenkins CI successfully triggered : [centos-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] ys2843 commented on pull request #18238: fix when clicking version dropdown it jumps to top of the page

2020-05-04 Thread GitBox


ys2843 commented on pull request #18238:
URL: https://github.com/apache/incubator-mxnet/pull/18238#issuecomment-623794260


   @mxnet-bot run ci [centos-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] szha commented on pull request #18146: [CI] run pytest in parallel

2020-05-04 Thread GitBox


szha commented on pull request #18146:
URL: https://github.com/apache/incubator-mxnet/pull/18146#issuecomment-623765421


   will look into it in a follow-up PR.



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 leezu-patch-1 updated (1c0416c -> 556e9cf)

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

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


 discard 1c0416c  Disable MKL_USE_STATIC_LIBS by default
 add 8d124e0  Remove duplicate condition (#17934)
 add 6198d1d  Change register_op_hook to take MXNet and Python types 
instead of C types (#17946)
 add 7d2c9bf  [numpy] add logical op (#17534)
 add e761f84  [WIP] MXNet Extensions enhancements (#17885)
 add 44d5671  Fix description of setting Debug build type for cmake (#18114)
 add 84400fb  If sanity build is not found, wait until Jenkins recognizes 
it. (#18119)
 add b85e446  Unify centos7 Dockerfiles and remove install scripts (#18115)
 add 6a809aa  Update Apache License for mshadow (#18109)
 add faccd91  [DEV] switch nose with pytest (#18025)
 add 71a7b5d  [numpy] Fix ffi split  (#18136)
 add f08683e  Revert #17547 (#18145)
 add 3d29933  [numpy] change unary infer type (#17254)
 add 76fa583  CI: Consolidate Ubuntu Dockerfiles (#18138)
 add e5f292c  Fix convenient method for np.sum (#18129)
 add 1c9274e  Disable tests of numpy operators implemented with CustomOp 
(#18151)
 add 6972b98  add bnrelu bf16 into amp list (#18155)
 add 440a44a  add: numpy op fill_diagonal (#18049)
 add 5c1e67f  [Numpy] Implement digamma and its backward (#18148)
 add 8cbc3bc  Fix CI reliance on executable bits (#18159)
 add 8816b35  fix npx.softmax for 0-sized inputs (#18158)
 add 50f7f0a  Fail build_windows.py if all retries failed and fix CI sanity 
checks (#18177)
 add 3a76ab6  Enable docker cache build for images listed in 
docker-compose.yml (#18179)
 add 998c6ad  [numpy] Fix core dump for tril, triu  (#18157)
 add 47cd0ba  Fix for out of bound access in QuantizedElemwiseMulOpShape 
(#18185)
 add 4774e58  [CI] Fix ASAN tests on Ubuntu 18.04 (#18181)
 add bfd6b41  CI: Add test for docker cache job run on master branch 
commits (#18183)
 add df28e61  Fixed Install page history broken (#18182)
 add 5c525c9  [NumPy]Set numpy default dtype (#17283)
 add 4aaffe7  Update test_mlp.py (#18156)
 add 7145250  Fix nightly large_vector test caused by incorrect with_seed 
path (#18178)
 add 61ede84  Fix ci/Jenkinsfile_docker_cache (#18187)
 add 5206b54  Restore missing FAQ tutorial from website migration (#18174)
 add 73d1b05  Updated PartialSortSmallK for LT support (#17462)
 add fe73add  Specify mxnetci dockerhub user in docker-compose.yml (#18195)
 add 664bda1  Revert "[NumPy]Set numpy default dtype (#17283)" (#18194)
 add 1496c91  [Bug Fix] Fix GroupNorm Implementation (#18199)
 add b8f78c9  Disable timeout 1200sec issue for large tensor tests (#18201)
 add 0b46d90  Fix Nightly CD for GPU builds and switch CD to use cmake 
builds (#18205)
 add 03fdfe0  Disable -DUSE_TVM_OP on GPU builds (#18204)
 add fd6f45a  Update test_numpy_op.py (#18212)
 add 10bede6  [Numpy] New FFIs for Operator: pad, prod (#18053)
 add afb7505  fix cpp test_regress_label (#18211)
 add bbc1720  [CI] Switch all ubuntu_nightly_cpu to ubuntu_cpu, 
ubuntu_nightly_gpu to ubuntu_build_cuda (#18189)
 add 5950d8c  Improving performance of broadcast_axis on GPU (#18168)
 add bbee33a  Increase docker-compose http timeout (#18202)
 add 5fd9024  Update to thrust 1.9.8 on Windows (#18218)
 add 8c76631  Relaxing type requirements for broadcast_like (#17977)
 add eea0cd8  Update static site web pages (#18161)
 add 742066d  Remove chinese period which leads to utf-8 encoding problem 
(#18223)
 add 322aa53  Re-enable build retries on MSVC (#18230)
 add aeef33a  Update website version select drop down (#18188)
 add 0580200  [CI] run pytest in parallel (#18146)
 add 556e9cf  Disable MKL_USE_STATIC_LIBS by default

This update added new revisions after undoing existing revisions.
That is to say, some revisions that were in the old version of the
branch are not in the new version.  This situation occurs
when a user --force pushes a change and generates a repository
containing something like this:

 * -- * -- B -- O -- O -- O   (1c0416c)
\
 N -- N -- N   refs/heads/leezu-patch-1 (556e9cf)

You should already have received notification emails for all of the O
revisions, and so the following emails describe only the N revisions
from the common base, B.

Any revisions marked "omit" are not gone; other references still
refer to them.  Any revisions marked "discard" are gone forever.

No new revisions were added by this update.

Summary of changes:
 .github/workflows/os_x_staticbuild.yml |6 +-
 3rdparty/mshadow/CHANGES.md|   17 +
 3rdparty/mshadow/LICENSE   |2 -
 3rdparty/mshadow/README.md |   17 +
 3rdparty/mshadow/doc/Doxyfile  |   17 +
 

[incubator-mxnet] branch leezu-patch-1 updated (1c0416c -> 556e9cf)

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

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


 discard 1c0416c  Disable MKL_USE_STATIC_LIBS by default
 add 8d124e0  Remove duplicate condition (#17934)
 add 6198d1d  Change register_op_hook to take MXNet and Python types 
instead of C types (#17946)
 add 7d2c9bf  [numpy] add logical op (#17534)
 add e761f84  [WIP] MXNet Extensions enhancements (#17885)
 add 44d5671  Fix description of setting Debug build type for cmake (#18114)
 add 84400fb  If sanity build is not found, wait until Jenkins recognizes 
it. (#18119)
 add b85e446  Unify centos7 Dockerfiles and remove install scripts (#18115)
 add 6a809aa  Update Apache License for mshadow (#18109)
 add faccd91  [DEV] switch nose with pytest (#18025)
 add 71a7b5d  [numpy] Fix ffi split  (#18136)
 add f08683e  Revert #17547 (#18145)
 add 3d29933  [numpy] change unary infer type (#17254)
 add 76fa583  CI: Consolidate Ubuntu Dockerfiles (#18138)
 add e5f292c  Fix convenient method for np.sum (#18129)
 add 1c9274e  Disable tests of numpy operators implemented with CustomOp 
(#18151)
 add 6972b98  add bnrelu bf16 into amp list (#18155)
 add 440a44a  add: numpy op fill_diagonal (#18049)
 add 5c1e67f  [Numpy] Implement digamma and its backward (#18148)
 add 8cbc3bc  Fix CI reliance on executable bits (#18159)
 add 8816b35  fix npx.softmax for 0-sized inputs (#18158)
 add 50f7f0a  Fail build_windows.py if all retries failed and fix CI sanity 
checks (#18177)
 add 3a76ab6  Enable docker cache build for images listed in 
docker-compose.yml (#18179)
 add 998c6ad  [numpy] Fix core dump for tril, triu  (#18157)
 add 47cd0ba  Fix for out of bound access in QuantizedElemwiseMulOpShape 
(#18185)
 add 4774e58  [CI] Fix ASAN tests on Ubuntu 18.04 (#18181)
 add bfd6b41  CI: Add test for docker cache job run on master branch 
commits (#18183)
 add df28e61  Fixed Install page history broken (#18182)
 add 5c525c9  [NumPy]Set numpy default dtype (#17283)
 add 4aaffe7  Update test_mlp.py (#18156)
 add 7145250  Fix nightly large_vector test caused by incorrect with_seed 
path (#18178)
 add 61ede84  Fix ci/Jenkinsfile_docker_cache (#18187)
 add 5206b54  Restore missing FAQ tutorial from website migration (#18174)
 add 73d1b05  Updated PartialSortSmallK for LT support (#17462)
 add fe73add  Specify mxnetci dockerhub user in docker-compose.yml (#18195)
 add 664bda1  Revert "[NumPy]Set numpy default dtype (#17283)" (#18194)
 add 1496c91  [Bug Fix] Fix GroupNorm Implementation (#18199)
 add b8f78c9  Disable timeout 1200sec issue for large tensor tests (#18201)
 add 0b46d90  Fix Nightly CD for GPU builds and switch CD to use cmake 
builds (#18205)
 add 03fdfe0  Disable -DUSE_TVM_OP on GPU builds (#18204)
 add fd6f45a  Update test_numpy_op.py (#18212)
 add 10bede6  [Numpy] New FFIs for Operator: pad, prod (#18053)
 add afb7505  fix cpp test_regress_label (#18211)
 add bbc1720  [CI] Switch all ubuntu_nightly_cpu to ubuntu_cpu, 
ubuntu_nightly_gpu to ubuntu_build_cuda (#18189)
 add 5950d8c  Improving performance of broadcast_axis on GPU (#18168)
 add bbee33a  Increase docker-compose http timeout (#18202)
 add 5fd9024  Update to thrust 1.9.8 on Windows (#18218)
 add 8c76631  Relaxing type requirements for broadcast_like (#17977)
 add eea0cd8  Update static site web pages (#18161)
 add 742066d  Remove chinese period which leads to utf-8 encoding problem 
(#18223)
 add 322aa53  Re-enable build retries on MSVC (#18230)
 add aeef33a  Update website version select drop down (#18188)
 add 0580200  [CI] run pytest in parallel (#18146)
 add 556e9cf  Disable MKL_USE_STATIC_LIBS by default

This update added new revisions after undoing existing revisions.
That is to say, some revisions that were in the old version of the
branch are not in the new version.  This situation occurs
when a user --force pushes a change and generates a repository
containing something like this:

 * -- * -- B -- O -- O -- O   (1c0416c)
\
 N -- N -- N   refs/heads/leezu-patch-1 (556e9cf)

You should already have received notification emails for all of the O
revisions, and so the following emails describe only the N revisions
from the common base, B.

Any revisions marked "omit" are not gone; other references still
refer to them.  Any revisions marked "discard" are gone forever.

No new revisions were added by this update.

Summary of changes:
 .github/workflows/os_x_staticbuild.yml |6 +-
 3rdparty/mshadow/CHANGES.md|   17 +
 3rdparty/mshadow/LICENSE   |2 -
 3rdparty/mshadow/README.md |   17 +
 3rdparty/mshadow/doc/Doxyfile  |   17 +
 

[GitHub] [incubator-mxnet] ys2843 commented on issue #18234: [Website] Global Search Feature

2020-05-04 Thread GitBox


ys2843 commented on issue #18234:
URL: 
https://github.com/apache/incubator-mxnet/issues/18234#issuecomment-623773841


   @mxnet-label-bot add [website]



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] access2rohit opened a new pull request #18239: [WIP]making GPU kernel for argsort as 32-bit

2020-05-04 Thread GitBox


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


   ## Description ##
   Making GPU kernel for argsort use int32_t. Existing implementation already 
uses optimized thrust library. Slowdown is only due to index_t -> int64_t when 
building with Large Tensor Support(LTS). Also, LTS is only supported for CPU 
for now. Changes are have been made in such a way that if MXNet support int64_t 
for GPU later the changes required would be minimal.
   
   ## Checklist ##
   ### Essentials ###
   Please feel free to remove inapplicable items for your PR.
   - [ ] 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)
   - [ ] To the best of my knowledge, examples are either not affected by this 
change, or have been fixed to be compatible with this change
   
   ## Testing ##
   - will be updated
   
   ## Performance Results ##
   - will be updated
   



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 #18239: [WIP]making GPU kernel for argsort as 32-bit

2020-05-04 Thread GitBox


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


   Hey @access2rohit , 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, windows-cpu, sanity, clang, centos-gpu, 
windows-gpu, edge, centos-cpu, unix-cpu, miscellaneous, unix-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




[incubator-mxnet] branch leezu-patch-1 updated (1c0416c -> 556e9cf)

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

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


 discard 1c0416c  Disable MKL_USE_STATIC_LIBS by default
 add 8d124e0  Remove duplicate condition (#17934)
 add 6198d1d  Change register_op_hook to take MXNet and Python types 
instead of C types (#17946)
 add 7d2c9bf  [numpy] add logical op (#17534)
 add e761f84  [WIP] MXNet Extensions enhancements (#17885)
 add 44d5671  Fix description of setting Debug build type for cmake (#18114)
 add 84400fb  If sanity build is not found, wait until Jenkins recognizes 
it. (#18119)
 add b85e446  Unify centos7 Dockerfiles and remove install scripts (#18115)
 add 6a809aa  Update Apache License for mshadow (#18109)
 add faccd91  [DEV] switch nose with pytest (#18025)
 add 71a7b5d  [numpy] Fix ffi split  (#18136)
 add f08683e  Revert #17547 (#18145)
 add 3d29933  [numpy] change unary infer type (#17254)
 add 76fa583  CI: Consolidate Ubuntu Dockerfiles (#18138)
 add e5f292c  Fix convenient method for np.sum (#18129)
 add 1c9274e  Disable tests of numpy operators implemented with CustomOp 
(#18151)
 add 6972b98  add bnrelu bf16 into amp list (#18155)
 add 440a44a  add: numpy op fill_diagonal (#18049)
 add 5c1e67f  [Numpy] Implement digamma and its backward (#18148)
 add 8cbc3bc  Fix CI reliance on executable bits (#18159)
 add 8816b35  fix npx.softmax for 0-sized inputs (#18158)
 add 50f7f0a  Fail build_windows.py if all retries failed and fix CI sanity 
checks (#18177)
 add 3a76ab6  Enable docker cache build for images listed in 
docker-compose.yml (#18179)
 add 998c6ad  [numpy] Fix core dump for tril, triu  (#18157)
 add 47cd0ba  Fix for out of bound access in QuantizedElemwiseMulOpShape 
(#18185)
 add 4774e58  [CI] Fix ASAN tests on Ubuntu 18.04 (#18181)
 add bfd6b41  CI: Add test for docker cache job run on master branch 
commits (#18183)
 add df28e61  Fixed Install page history broken (#18182)
 add 5c525c9  [NumPy]Set numpy default dtype (#17283)
 add 4aaffe7  Update test_mlp.py (#18156)
 add 7145250  Fix nightly large_vector test caused by incorrect with_seed 
path (#18178)
 add 61ede84  Fix ci/Jenkinsfile_docker_cache (#18187)
 add 5206b54  Restore missing FAQ tutorial from website migration (#18174)
 add 73d1b05  Updated PartialSortSmallK for LT support (#17462)
 add fe73add  Specify mxnetci dockerhub user in docker-compose.yml (#18195)
 add 664bda1  Revert "[NumPy]Set numpy default dtype (#17283)" (#18194)
 add 1496c91  [Bug Fix] Fix GroupNorm Implementation (#18199)
 add b8f78c9  Disable timeout 1200sec issue for large tensor tests (#18201)
 add 0b46d90  Fix Nightly CD for GPU builds and switch CD to use cmake 
builds (#18205)
 add 03fdfe0  Disable -DUSE_TVM_OP on GPU builds (#18204)
 add fd6f45a  Update test_numpy_op.py (#18212)
 add 10bede6  [Numpy] New FFIs for Operator: pad, prod (#18053)
 add afb7505  fix cpp test_regress_label (#18211)
 add bbc1720  [CI] Switch all ubuntu_nightly_cpu to ubuntu_cpu, 
ubuntu_nightly_gpu to ubuntu_build_cuda (#18189)
 add 5950d8c  Improving performance of broadcast_axis on GPU (#18168)
 add bbee33a  Increase docker-compose http timeout (#18202)
 add 5fd9024  Update to thrust 1.9.8 on Windows (#18218)
 add 8c76631  Relaxing type requirements for broadcast_like (#17977)
 add eea0cd8  Update static site web pages (#18161)
 add 742066d  Remove chinese period which leads to utf-8 encoding problem 
(#18223)
 add 322aa53  Re-enable build retries on MSVC (#18230)
 add aeef33a  Update website version select drop down (#18188)
 add 0580200  [CI] run pytest in parallel (#18146)
 add 556e9cf  Disable MKL_USE_STATIC_LIBS by default

This update added new revisions after undoing existing revisions.
That is to say, some revisions that were in the old version of the
branch are not in the new version.  This situation occurs
when a user --force pushes a change and generates a repository
containing something like this:

 * -- * -- B -- O -- O -- O   (1c0416c)
\
 N -- N -- N   refs/heads/leezu-patch-1 (556e9cf)

You should already have received notification emails for all of the O
revisions, and so the following emails describe only the N revisions
from the common base, B.

Any revisions marked "omit" are not gone; other references still
refer to them.  Any revisions marked "discard" are gone forever.

No new revisions were added by this update.

Summary of changes:
 .github/workflows/os_x_staticbuild.yml |6 +-
 3rdparty/mshadow/CHANGES.md|   17 +
 3rdparty/mshadow/LICENSE   |2 -
 3rdparty/mshadow/README.md |   17 +
 3rdparty/mshadow/doc/Doxyfile  |   17 +
 

[GitHub] [incubator-mxnet] pengzhao-intel commented on issue #14357: [Bug] Batchnorm running_var behaves differently when using gpu vs. cpu

2020-05-04 Thread GitBox


pengzhao-intel commented on issue #14357:
URL: 
https://github.com/apache/incubator-mxnet/issues/14357#issuecomment-623791167


   Sorry for the later response for a while. We will look into this issue now 
and get back soon :)
   



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 (aeef33a -> 0580200)

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

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


from aeef33a  Update website version select drop down (#18188)
 add 0580200  [CI] run pytest in parallel (#18146)

No new revisions were added by this update.

Summary of changes:
 ci/docker/runtime_functions.sh |   68 +-
 ci/jenkins/Jenkinsfile_sanity  |2 +-
 ci/windows/test_py3_cpu.ps1|   12 +-
 ci/windows/test_py3_gpu.ps1|   28 +-
 python/mxnet/gluon/rnn/rnn_cell.py |9 +
 python/mxnet/test_utils.py |   72 +-
 src/io/image_aug_default.cc|8 +-
 src/operator/nn/dropout-inl.h  |2 -
 src/operator/rnn-inl.h |   15 +-
 src/operator/rnn.cc|6 +-
 src/resource.cc|8 +-
 tests/nightly/test_large_array.py  |   14 +-
 tests/nightly/test_large_vector.py |   14 +-
 tests/python/gpu/test_gluon_gpu.py |6 +-
 tests/python/gpu/test_gluon_model_zoo_gpu.py   |2 +
 tests/python/gpu/test_kvstore_gpu.py   |8 +-
 tests/python/gpu/test_numpy_fallback.py|3 +-
 tests/python/gpu/test_operator_gpu.py  |   36 +
 tests/python/mkl/test_subgraph.py  |  374 ++--
 tests/python/tensorrt/lenet5_train.py  |   12 +-
 tests/python/tensorrt/test_ops.py  |  139 +-
 tests/python/tensorrt/test_tensorrt_lenet5.py  |5 +-
 tests/python/train/test_autograd.py|  113 +-
 tests/python/train/test_conv.py|  129 +-
 tests/python/train/test_dtype.py   |  456 ++--
 tests/python/train/test_mlp.py |   63 +-
 tests/python/train/test_resnet_aug.py  |  264 ++-
 tests/python/train/test_sparse_fm.py   |8 +-
 tests/python/unittest/common.py|   15 +-
 tests/python/unittest/test_contrib_optimizer.py|2 +
 tests/python/unittest/test_contrib_svrg_module.py  |6 +-
 tests/python/unittest/test_deferred_compute.py |   44 +-
 tests/python/unittest/test_gluon.py|  156 +-
 tests/python/unittest/test_gluon_model_zoo.py  |   39 +-
 tests/python/unittest/test_gluon_rnn.py|  126 +-
 tests/python/unittest/test_gluon_trainer.py|6 +-
 tests/python/unittest/test_gluon_utils.py  |   15 +-
 tests/python/unittest/test_image.py|   13 +-
 tests/python/unittest/test_infer_shape.py  |4 +-
 tests/python/unittest/test_io.py   |   95 +-
 tests/python/unittest/test_ndarray.py  |   18 +-
 .../python/unittest/test_numpy_interoperability.py |5 +
 tests/python/unittest/test_numpy_ndarray.py|9 +
 tests/python/unittest/test_numpy_op.py | 2301 ++--
 tests/python/unittest/test_operator.py |  210 +-
 tests/python/unittest/test_optimizer.py|9 +-
 tests/python/unittest/test_profiler.py |   10 +-
 tests/python/unittest/test_random.py   |   32 +-
 tests/python/unittest/test_recordio.py |   25 +-
 tests/python/unittest/test_runtime.py  |4 +-
 tests/python/unittest/test_sparse_operator.py  |   16 +
 tests/python/unittest/test_subgraph.py |3 +
 tests/python/unittest/test_subgraph_op.py  |  112 +-
 tests/python/unittest/test_test_utils.py   |9 +-
 54 files changed, 2598 insertions(+), 2562 deletions(-)



[incubator-mxnet] branch master updated (aeef33a -> 0580200)

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

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


from aeef33a  Update website version select drop down (#18188)
 add 0580200  [CI] run pytest in parallel (#18146)

No new revisions were added by this update.

Summary of changes:
 ci/docker/runtime_functions.sh |   68 +-
 ci/jenkins/Jenkinsfile_sanity  |2 +-
 ci/windows/test_py3_cpu.ps1|   12 +-
 ci/windows/test_py3_gpu.ps1|   28 +-
 python/mxnet/gluon/rnn/rnn_cell.py |9 +
 python/mxnet/test_utils.py |   72 +-
 src/io/image_aug_default.cc|8 +-
 src/operator/nn/dropout-inl.h  |2 -
 src/operator/rnn-inl.h |   15 +-
 src/operator/rnn.cc|6 +-
 src/resource.cc|8 +-
 tests/nightly/test_large_array.py  |   14 +-
 tests/nightly/test_large_vector.py |   14 +-
 tests/python/gpu/test_gluon_gpu.py |6 +-
 tests/python/gpu/test_gluon_model_zoo_gpu.py   |2 +
 tests/python/gpu/test_kvstore_gpu.py   |8 +-
 tests/python/gpu/test_numpy_fallback.py|3 +-
 tests/python/gpu/test_operator_gpu.py  |   36 +
 tests/python/mkl/test_subgraph.py  |  374 ++--
 tests/python/tensorrt/lenet5_train.py  |   12 +-
 tests/python/tensorrt/test_ops.py  |  139 +-
 tests/python/tensorrt/test_tensorrt_lenet5.py  |5 +-
 tests/python/train/test_autograd.py|  113 +-
 tests/python/train/test_conv.py|  129 +-
 tests/python/train/test_dtype.py   |  456 ++--
 tests/python/train/test_mlp.py |   63 +-
 tests/python/train/test_resnet_aug.py  |  264 ++-
 tests/python/train/test_sparse_fm.py   |8 +-
 tests/python/unittest/common.py|   15 +-
 tests/python/unittest/test_contrib_optimizer.py|2 +
 tests/python/unittest/test_contrib_svrg_module.py  |6 +-
 tests/python/unittest/test_deferred_compute.py |   44 +-
 tests/python/unittest/test_gluon.py|  156 +-
 tests/python/unittest/test_gluon_model_zoo.py  |   39 +-
 tests/python/unittest/test_gluon_rnn.py|  126 +-
 tests/python/unittest/test_gluon_trainer.py|6 +-
 tests/python/unittest/test_gluon_utils.py  |   15 +-
 tests/python/unittest/test_image.py|   13 +-
 tests/python/unittest/test_infer_shape.py  |4 +-
 tests/python/unittest/test_io.py   |   95 +-
 tests/python/unittest/test_ndarray.py  |   18 +-
 .../python/unittest/test_numpy_interoperability.py |5 +
 tests/python/unittest/test_numpy_ndarray.py|9 +
 tests/python/unittest/test_numpy_op.py | 2301 ++--
 tests/python/unittest/test_operator.py |  210 +-
 tests/python/unittest/test_optimizer.py|9 +-
 tests/python/unittest/test_profiler.py |   10 +-
 tests/python/unittest/test_random.py   |   32 +-
 tests/python/unittest/test_recordio.py |   25 +-
 tests/python/unittest/test_runtime.py  |4 +-
 tests/python/unittest/test_sparse_operator.py  |   16 +
 tests/python/unittest/test_subgraph.py |3 +
 tests/python/unittest/test_subgraph_op.py  |  112 +-
 tests/python/unittest/test_test_utils.py   |9 +-
 54 files changed, 2598 insertions(+), 2562 deletions(-)



[incubator-mxnet] branch leezu-patch-1 updated (1c0416c -> 556e9cf)

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

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


 discard 1c0416c  Disable MKL_USE_STATIC_LIBS by default
 add 8d124e0  Remove duplicate condition (#17934)
 add 6198d1d  Change register_op_hook to take MXNet and Python types 
instead of C types (#17946)
 add 7d2c9bf  [numpy] add logical op (#17534)
 add e761f84  [WIP] MXNet Extensions enhancements (#17885)
 add 44d5671  Fix description of setting Debug build type for cmake (#18114)
 add 84400fb  If sanity build is not found, wait until Jenkins recognizes 
it. (#18119)
 add b85e446  Unify centos7 Dockerfiles and remove install scripts (#18115)
 add 6a809aa  Update Apache License for mshadow (#18109)
 add faccd91  [DEV] switch nose with pytest (#18025)
 add 71a7b5d  [numpy] Fix ffi split  (#18136)
 add f08683e  Revert #17547 (#18145)
 add 3d29933  [numpy] change unary infer type (#17254)
 add 76fa583  CI: Consolidate Ubuntu Dockerfiles (#18138)
 add e5f292c  Fix convenient method for np.sum (#18129)
 add 1c9274e  Disable tests of numpy operators implemented with CustomOp 
(#18151)
 add 6972b98  add bnrelu bf16 into amp list (#18155)
 add 440a44a  add: numpy op fill_diagonal (#18049)
 add 5c1e67f  [Numpy] Implement digamma and its backward (#18148)
 add 8cbc3bc  Fix CI reliance on executable bits (#18159)
 add 8816b35  fix npx.softmax for 0-sized inputs (#18158)
 add 50f7f0a  Fail build_windows.py if all retries failed and fix CI sanity 
checks (#18177)
 add 3a76ab6  Enable docker cache build for images listed in 
docker-compose.yml (#18179)
 add 998c6ad  [numpy] Fix core dump for tril, triu  (#18157)
 add 47cd0ba  Fix for out of bound access in QuantizedElemwiseMulOpShape 
(#18185)
 add 4774e58  [CI] Fix ASAN tests on Ubuntu 18.04 (#18181)
 add bfd6b41  CI: Add test for docker cache job run on master branch 
commits (#18183)
 add df28e61  Fixed Install page history broken (#18182)
 add 5c525c9  [NumPy]Set numpy default dtype (#17283)
 add 4aaffe7  Update test_mlp.py (#18156)
 add 7145250  Fix nightly large_vector test caused by incorrect with_seed 
path (#18178)
 add 61ede84  Fix ci/Jenkinsfile_docker_cache (#18187)
 add 5206b54  Restore missing FAQ tutorial from website migration (#18174)
 add 73d1b05  Updated PartialSortSmallK for LT support (#17462)
 add fe73add  Specify mxnetci dockerhub user in docker-compose.yml (#18195)
 add 664bda1  Revert "[NumPy]Set numpy default dtype (#17283)" (#18194)
 add 1496c91  [Bug Fix] Fix GroupNorm Implementation (#18199)
 add b8f78c9  Disable timeout 1200sec issue for large tensor tests (#18201)
 add 0b46d90  Fix Nightly CD for GPU builds and switch CD to use cmake 
builds (#18205)
 add 03fdfe0  Disable -DUSE_TVM_OP on GPU builds (#18204)
 add fd6f45a  Update test_numpy_op.py (#18212)
 add 10bede6  [Numpy] New FFIs for Operator: pad, prod (#18053)
 add afb7505  fix cpp test_regress_label (#18211)
 add bbc1720  [CI] Switch all ubuntu_nightly_cpu to ubuntu_cpu, 
ubuntu_nightly_gpu to ubuntu_build_cuda (#18189)
 add 5950d8c  Improving performance of broadcast_axis on GPU (#18168)
 add bbee33a  Increase docker-compose http timeout (#18202)
 add 5fd9024  Update to thrust 1.9.8 on Windows (#18218)
 add 8c76631  Relaxing type requirements for broadcast_like (#17977)
 add eea0cd8  Update static site web pages (#18161)
 add 742066d  Remove chinese period which leads to utf-8 encoding problem 
(#18223)
 add 322aa53  Re-enable build retries on MSVC (#18230)
 add aeef33a  Update website version select drop down (#18188)
 add 0580200  [CI] run pytest in parallel (#18146)
 add 556e9cf  Disable MKL_USE_STATIC_LIBS by default

This update added new revisions after undoing existing revisions.
That is to say, some revisions that were in the old version of the
branch are not in the new version.  This situation occurs
when a user --force pushes a change and generates a repository
containing something like this:

 * -- * -- B -- O -- O -- O   (1c0416c)
\
 N -- N -- N   refs/heads/leezu-patch-1 (556e9cf)

You should already have received notification emails for all of the O
revisions, and so the following emails describe only the N revisions
from the common base, B.

Any revisions marked "omit" are not gone; other references still
refer to them.  Any revisions marked "discard" are gone forever.

No new revisions were added by this update.

Summary of changes:
 .github/workflows/os_x_staticbuild.yml |6 +-
 3rdparty/mshadow/CHANGES.md|   17 +
 3rdparty/mshadow/LICENSE   |2 -
 3rdparty/mshadow/README.md |   17 +
 3rdparty/mshadow/doc/Doxyfile  |   17 +
 

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

2020-05-04 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 90a2bf8  Bump the publish timestamp.
90a2bf8 is described below

commit 90a2bf8e9b2a1e858985a1aeef67659846488daf
Author: mxnet-ci 
AuthorDate: Tue May 5 00:45: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..7dcd9c0
--- /dev/null
+++ b/date.txt
@@ -0,0 +1 @@
+Tue May  5 00:45:03 UTC 2020



[GitHub] [incubator-mxnet] ChaiBapchya edited a comment on issue #17980: When compiled with MKL, fully_connected calls DNNL while dot and batch_dot call MKL

2020-05-04 Thread GitBox


ChaiBapchya edited a comment on issue #17980:
URL: 
https://github.com/apache/incubator-mxnet/issues/17980#issuecomment-623803913


   > In case somebody finds this issue and wants their optimized build, here is 
a different workaround that removes the need for `LD_PRELOAD`. Just do this 
before running cmake the first time:
   > 
   > ```shell
   > export CXXFLAGS="${CXXFLAGS} -DUSE_MKL -I/opt/intel/mkl/include"
   > ```
   > 
   > Then `cmake` can be run normally:
   > 
   > ```shell
   > cmake -GNinja -DUSE_CUDA=OFF -DCMAKE_BUILD_TYPE=Release ..
   > ```
   > 
   > and the compiled MXNet can be run normally without any special environment 
variables.
   
   @kpuatamazon Hi I was trying to benchmark using opperf for mkl [default] vs 
workaround
   And despite ensuring mkl is installed & using export CXXFlags followed by 
usual cmake command, build failed with 
   ```
   gemm.cpp:(.text+0xb45): undefined reference to `cblas_gemm_s8u8s32'
   ```
   
   I tried the undocumented abominable kludge option you mentioned and that 
worked smoothly.
   ```
   export LD_PRELOAD=/opt/intel/mkl/lib/intel64/libmkl_rt.so
   rm -rf build/
   mkdir -p build && cd build
   cmake -GNinja -DUSE_CUDA=OFF -DCMAKE_BUILD_TYPE=Release -D_DNNL_USE_MKL=FULL 
-DMKLINC=/opt/intel/mkl/include ..
   cmake --build . --parallel 1024
   ```
   
   Script for OpPerf : 
https://gist.github.com/ChaiBapchya/5f2342f75ddeb1e21f14acac665c76ad
   
   Results
   | Operator   | LHS   | RHS   | MKL Default   
| MKL Workaround|
   |--- |   |   |-  
|   |
   | Dot| (4, 512, 512) | (4, 512, 512) | 15.1122   
| 4.1254|
   || (5, 512, 512) | (5, 512, 512) | 38.1678   
| 7.5323|
   || (5, 512, 1536 | (5, 512, 1536)| 21.6601   
| 19.2503   |
   || (5, 512, 2048)| (5, 512, 2048)| 29.0369   
| 23.7432   |
   || (5, 2048, 512)| (5, 2048, 512)| 167.5528  
| 129.9957  |
   ||   |   |   
|   |
   | Batch_dot  | (4, 512, 512) | (4, 512, 512) | 1.7898
| 1.5445|
   || (5, 512, 512) | (5, 512, 512) | 2.2457
| 1.9361|
   || (5, 512, 1536)| (5, 512, 1536)| 6.1453
| 5.4034|
   || (5, 512, 2048)| (5, 512, 2048)| 8.246 
| 8.0442|
   || (5, 2048, 512)| (5, 2048, 512)| 160.6243  
| 29.0772   |
   ||   |   |   
|   |
   | FC | (4, 512)  | (512, 512)| 0.0609
| 0.068 |
   || (5, 512)  | (512, 512)| 0.0633
| 0.0731|
   || (5, 512)  | (1536, 512)   | 0.0916
| 0.0996|
   || (5, 512)  | (2048, 512)   | 0.1081
| 0.1084|
   ||   |   |   
|   |
   
   However @kpuatamazon when I try to test out with default [i.e. default -> 
workaround -> default] by unsetting the environment variable LD_PRELOAD, it 
failed to build default with `gemm.cpp:(.text+0xe6b): undefined reference to 
`cblas_gemm_s8u8s32'`



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

2020-05-04 Thread GitBox


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


   > In case somebody finds this issue and wants their optimized build, here is 
a different workaround that removes the need for `LD_PRELOAD`. Just do this 
before running cmake the first time:
   > 
   > ```shell
   > export CXXFLAGS="${CXXFLAGS} -DUSE_MKL -I/opt/intel/mkl/include"
   > ```
   > 
   > Then `cmake` can be run normally:
   > 
   > ```shell
   > cmake -GNinja -DUSE_CUDA=OFF -DCMAKE_BUILD_TYPE=Release ..
   > ```
   > 
   > and the compiled MXNet can be run normally without any special environment 
variables.
   
   @kpuatamazon Hi I was trying to benchmark using opperf for mkl [default] vs 
workaround
   And despite ensuring mkl is installed & using export CXXFlags followed by 
usual cmake command, build failed with 
   ```
   gemm.cpp:(.text+0xb45): undefined reference to `cblas_gemm_s8u8s32'
   ```
   
   I tried the undocumented abominable kludge option you mentioned and that 
worked smoothly.
   ```
   export LD_PRELOAD=/opt/intel/mkl/lib/intel64/libmkl_rt.so
   rm -rf build/
   mkdir -p build && cd build
   cmake -GNinja -DUSE_CUDA=OFF -DCMAKE_BUILD_TYPE=Release -D_DNNL_USE_MKL=FULL 
-DMKLINC=/opt/intel/mkl/include ..
   cmake --build . --parallel 1024
   ```
   
   Script for OpPerf : 
https://gist.github.com/ChaiBapchya/5f2342f75ddeb1e21f14acac665c76ad
   
   Results
   | Operator   | LHS   | RHS   | MKL Default   
| MKL Workaround|
   |--- |   |   |-  
|   |
   | Dot| (4, 512, 512) | (4, 512, 512) | 15.1122   
| 4.1254|
   || (5, 512, 512) | (5, 512, 512) | 38.1678   
| 7.5323|
   || (5, 512, 1536 | (5, 512, 1536)| 21.6601   
| 19.2503   |
   || (5, 512, 2048)| (5, 512, 2048)| 29.0369   
| 23.7432   |
   || (5, 2048, 512)| (5, 2048, 512)| 167.5528  
| 129.9957  |
   ||   |   |   
|   |
   | Batch_dot  | (4, 512, 512) | (4, 512, 512) | 1.7898
| 1.5445|
   || (5, 512, 512) | (5, 512, 512) | 2.2457
| 1.9361|
   || (5, 512, 1536)| (5, 512, 1536)| 6.1453
| 5.4034|
   || (5, 512, 2048)| (5, 512, 2048)| 8.246 
| 8.0442|
   || (5, 2048, 512)| (5, 2048, 512)| 160.6243  
| 29.0772   |
   ||   |   |   
|   |
   | FC | (4, 512)  | (512, 512)| 0.0609
| 0.068 |
   || (5, 512)  | (512, 512)| 0.0633
| 0.0731|
   || (5, 512)  | (1536, 512)   | 0.0916
| 0.0996|
   || (5, 512)  | (2048, 512)   | 0.1081
| 0.1084|
   ||   |   |   
|   |
   
   However @kpuatamazon when I try to test out with default by unsetting the 
environment variable LD_PRELOAD, it failed to build default with 
`gemm.cpp:(.text+0xe6b): undefined reference to `cblas_gemm_s8u8s32'`



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 pull request #18146: [CI] run pytest in parallel

2020-05-04 Thread GitBox


szha commented on pull request #18146:
URL: https://github.com/apache/incubator-mxnet/pull/18146#issuecomment-623856601


   @PatricZhao I noticed that the MKL/MKLDNN tests are taking a lot longer than 
non-MKL builds in the parallel test setting. I will try to run a couple more 
times to verify so this is just FYI.



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 a change in pull request #18222: Fix PyPI Packages and Python Docker Images nightly release

2020-05-04 Thread GitBox


szha commented on a change in pull request #18222:
URL: https://github.com/apache/incubator-mxnet/pull/18222#discussion_r419859876



##
File path: cd/utils/artifact_repository.py
##
@@ -396,7 +396,7 @@ def get_s3_key_prefix(args: argparse.Namespace, subdir: str 
= '') -> str:
 :param subdir: An optional subdirectory in which to store the files. 
Post-pended to the end of the prefix.
 :return: A string containing the S3 key prefix to be used to uploading and 
downloading files to the artifact repository
 """
-prefix = "{git_sha}/{libtype}/{os}/{variant}/".format(**vars(args))
+prefix = "{git_sha}/{libtype}/{variant}/".format(**vars(args))

Review comment:
   @perdasilva may be able to clarify





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 edited a comment on pull request #18146: [CI] run pytest in parallel

2020-05-04 Thread GitBox


szha edited a comment on pull request #18146:
URL: https://github.com/apache/incubator-mxnet/pull/18146#issuecomment-623856601


   @PatricZhao I noticed that the MKL/MKLDNN tests are taking a lot longer than 
non-MKL builds in the parallel test setting. I will try to run a couple more 
times to verify so this is just FYI. Example:
   
http://jenkins.mxnet-ci.amazon-ml.com/blue/organizations/jenkins/mxnet-validation%2Funix-cpu/detail/PR-18146/51/pipeline/366



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 pull request #18222: Fix PyPI Packages and Python Docker Images nightly release

2020-05-04 Thread GitBox


szha commented on pull request #18222:
URL: https://github.com/apache/incubator-mxnet/pull/18222#issuecomment-623856889


   @mseth10 thanks for posting the fix. @marcoabreu @leezu the CI check has 
passed. How shall we move forward?



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 #18240: [CI] Enhance debug info

2020-05-04 Thread GitBox


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


   Hey @szha , 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**: [unix-cpu, sanity, centos-gpu, edge, website, 
unix-gpu, clang, windows-cpu, centos-cpu, miscellaneous, windows-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] szha opened a new pull request #18240: [CI] Enhance debug info

2020-05-04 Thread GitBox


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


   ## Description ##
   Enhance debug info
   
   ## Checklist ##
   ### Essentials ###
   Please feel free to remove inapplicable items for your PR.
   - [ ] 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 ###
   - [ ] add pytest-faulthandler
   - [ ] check for gpu debug build
   - [ ] correct debug bit in feature list
   - [ ] enable naive engine in operator tests



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