You are viewing a plain text version of this content. The canonical link for it is here.
Posted to commits@mxnet.apache.org by ib...@apache.org on 2019/02/24 09:10:27 UTC

[incubator-mxnet] branch ib/jl-runtime-features updated (84aec6e -> 93f8e59)

This is an automated email from the ASF dual-hosted git repository.

iblis pushed a change to branch ib/jl-runtime-features
in repository https://gitbox.apache.org/repos/asf/incubator-mxnet.git.


 discard 84aec6e  mx.isenabled
 discard 38e08f9  2 space
 discard f145581  update to new API
 discard a0d4d3c  Julia: add binding for runtime feature detection
     new 8a63bde  Julia: enable integration test (#14025)
     new 4898106  The latest version of leiningen has a dependency problem with codox (#14132)
     new ce031da  ONNX export: Support equal length splits (#14121)
     new 87c7add  add Apache header on all XML (#14138)
     new 45978a9  add mkldnn softmax_output (#13699)
     new c704f1f  follow up on fix nightly test (#14134)
     new 199bc7e  make rat-excludes compliant with apache release policy (#14142)
     new 7ff6ad1  Update lip reading example (#13647)
     new 0b1761f  Add pin_device_id option to Gluon DataLoader (#14136)
     new 85d3fa3  upgrade codox to work with lein 2.9.0 (#14133)
     new 6f9a679  fix website build (#14148)
     new e356586  disable flaky integration test (#14151)
     new 074a859  Fixes installation nightly test by filtering out the git commands (#14144)
     new 518cd40  Updated the MLP test to accept the number of epochs. Reduced the epochs in ci_test.sh to shorten the CI build time (#14149)
     new a13f8d9  Add license check to dev_menu, docs build with docker (#14166)
     new 73a9f1c  Relaxing type requirements for slice_like op (#14097)
     new dad33b5  Performance improvement in Normalize GPU Kernel (#14139)
     new df5310b  [MXNET-1315] Add checks for dynamic-shaped operators in CachedOp (#14018)
     new de5cda2  Add pixelshuffle layers (#13571)
     new cf46ca4  Fixes libjpeg-turbo dependecy under Ubuntu 16.04 (#14127)
     new 0e08891  Fix quote on LBSGD docs (#13975)
     new a4e249b  In-place updates for Nadam, Adadelta, Adamax and SGLD (#13960)
     new 8416c56  Fix jar path and add missing ones for spark jobs (#14020)
     new e2c69f3  add preprocessed data and pretrained model info; minor format/spelling fixes (#14170)
     new 549ecde  support dot(vector, vector) for fp16 inputs on GPU (#14102)
     new 3d0ffd2  R-Package Makefile (#14068)
     new ba97fb6  Parallelize CPU version and add GPU version of boolean_mask op (#14090)
     new da9afe1  add Qing's Key to master (#14180)
     new b0ab8d5  Fixes spelling (#14168)
     new 4b527b6  [MXNET-766] add dynamic_unroll RNN for HybridBlock (#11948)
     new d2cc396  [v1.4.x] Update MKL-DNN to fix the OSX build issue (#14141) (#14182)
     new 29fa446  Fix broken amalgamation (#12792)
     new ed0b791  Fix nd.pick large array issue (#14082)
     new 8bfbb7d  Add an inference script providing both accuracy and benchmark result for original wide_n_deep example (#13895)
     new 059f49f  Added USE_SIGNAL_HANDLER to other Linux builds which didn't had it (#14122)
     new 5adb6fc  Add NHWC layout support to Pooling (cpu, gpu cuda, gpu cuDNN) (#13749)
     new bada8a1  add quantization example to readme (#14186)
     new 3a6fe22  Refine runtime feature discovery python API and add documentation to … (#14130)
     new af9e3b3  update raspberry pi install instructions (#14172)
     new 49c311c  Add tutorial on how to use build from source jar (#14197)
     new c45e534  Scala interpreter instructions (#14169)
     new b396a63  Fix READMEs for examples (#14179)
     new 349803c  Multi-precision AdamW update op (#14171)
     new f9c436b  Fix req=null in SliceLikeBackward (#14209)
     new 862cbc6  softmax for fp16 with fp32 accumulator (#14098)
     new 0398a7e  onnx broadcast ops fixes (#13604)
     new fdbc433  fix update params (#14218)
     new 2347017  Two more gluon loss classes. (#14194)
     new 87441c3  Add infer_type_partial (#14214)
     new d465c52  Julia: add binding for runtime feature detection
     new 3c2132a  update to new API
     new 64a2a3d  2 space
     new 189478d  mx.isenabled
     new 93f8e59  update

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   (84aec6e)
            \
             N -- N -- N   refs/heads/ib/jl-runtime-features (93f8e59)

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.

The 9322 revisions listed above as "new" are entirely new to this
repository and will be described in separate emails.  The revisions
listed as "add" were already present in the repository and have only
been added to this reference.


Summary of changes:
 3rdparty/mkldnn                                    |    2 +-
 CONTRIBUTORS.md                                    |   19 +
 KEYS                                               |   90 ++
 MKLDNN_README.md                                   |   17 +
 Makefile                                           |    8 +-
 NEWS.md                                            |   17 +
 README.md                                          |   17 +
 amalgamation/README.md                             |   17 +
 amalgamation/amalgamation.py                       |    7 +-
 amalgamation/dmlc-minimum0.cc                      |    1 +
 amalgamation/mxnet_predict0.cc                     |    7 +
 ci/README.md                                       |   17 +
 ci/docker/install/docs_requirements                |   20 +
 ci/docker/install/ubuntu_clojure.sh                |    1 +
 ci/docker/install/ubuntu_core.sh                   |    6 +
 ci/docker/qemu/README.md                           |   17 +
 ci/docker/runtime_functions.sh                     |   13 +
 ci/jenkins/Jenkins_steps.groovy                    |    4 +-
 ci/publish/README.md                               |   17 +
 ci/qemu/README.md                                  |   17 +
 contrib/clojure-package/README.md                  |   17 +
 contrib/clojure-package/examples/captcha/README.md |   17 +
 .../examples/cnn-text-classification/README.md     |   17 +
 contrib/clojure-package/examples/gan/README.md     |   17 +
 .../examples/imclassification/README.md            |   17 +
 .../examples/infer/imageclassifier/README.md       |   17 +
 .../examples/infer/objectdetector/README.md        |   17 +
 .../examples/infer/predictor/README.md             |   17 +
 contrib/clojure-package/examples/module/README.md  |   17 +
 .../clojure-package/examples/multi-label/README.md |   17 +
 .../examples/neural-style/README.md                |   17 +
 .../examples/pre-trained-models/README.md          |   17 +
 .../clojure-package/examples/profiler/README.md    |   17 +
 contrib/clojure-package/examples/rnn/README.md     |   17 +
 .../clojure-package/examples/tutorial/README.md    |   17 +
 .../examples/visualization/README.md               |   17 +
 contrib/clojure-package/integration-tests.sh       |    4 +-
 contrib/clojure-package/project.clj                |    2 +-
 contrib/clojure-package/testing.md                 |   17 +
 cpp-package/README.md                              |   17 +
 cpp-package/example/README.md                      |   17 +
 cpp-package/example/feature_extract/README.md      |   17 +
 cpp-package/example/inference/README.md            |   17 +
 cpp-package/example/mlp.cpp                        |    7 +-
 cpp-package/tests/ci_test.sh                       |   10 +-
 dev_menu.py                                        |   11 +-
 docker/Dockerfiles/Dockerfile.in.julia             |   19 +
 docker/Dockerfiles/Dockerfile.in.lib.cpu           |   19 +
 docker/Dockerfiles/Dockerfile.in.lib.gpu           |   19 +
 docker/Dockerfiles/Dockerfile.in.perl              |   19 +
 docker/Dockerfiles/Dockerfile.in.python            |   19 +
 docker/Dockerfiles/Dockerfile.in.r-lang            |   19 +
 docker/Dockerfiles/Dockerfile.in.scala             |   19 +
 docker/Dockerfiles/Dockerfile.tensorrt             |    2 +
 docker/Dockerfiles/License.md                      |   20 -
 docker/README.md                                   |   19 +
 docker/docker-python/README.md                     |   37 +-
 docs/Dockerfile                                    |   20 +
 docs/README.md                                     |   17 +
 docs/api/c++/index.md                              |   17 +
 docs/api/clojure/index.md                          |   17 +
 docs/api/clojure/kvstore.md                        |   17 +
 docs/api/clojure/module.md                         |   17 +
 docs/api/clojure/ndarray.md                        |   17 +
 docs/api/clojure/symbol.md                         |   17 +
 docs/api/clojure/symbol_in_pictures.md             |   17 +
 docs/api/index.md                                  |   17 +
 docs/api/java/index.md                             |   17 +
 docs/api/julia/index.md                            |   17 +
 docs/api/perl/index.md                             |   17 +
 docs/api/perl/io.md                                |   17 +
 docs/api/perl/kvstore.md                           |   17 +
 docs/api/perl/module.md                            |   17 +
 docs/api/perl/ndarray.md                           |   17 +
 docs/api/perl/symbol.md                            |   17 +
 docs/api/python/autograd/autograd.md               |   17 +
 docs/api/python/callback/callback.md               |   17 +
 docs/api/python/contrib/contrib.md                 |   17 +
 docs/api/python/contrib/onnx.md                    |   17 +
 docs/api/python/contrib/svrg_optimization.md       |   17 +
 docs/api/python/contrib/text.md                    |   17 +
 docs/api/python/executor/executor.md               |   17 +
 docs/api/python/gluon/contrib.md                   |   20 +
 docs/api/python/gluon/data.md                      |   17 +
 docs/api/python/gluon/gluon.md                     |   17 +
 docs/api/python/gluon/loss.md                      |   17 +
 docs/api/python/gluon/model_zoo.md                 |   17 +
 docs/api/python/gluon/nn.md                        |   17 +
 docs/api/python/gluon/rnn.md                       |   17 +
 docs/api/python/image/image.md                     |   17 +
 docs/api/python/index.md                           |   28 +
 docs/api/python/io/io.md                           |   17 +
 docs/api/python/kvstore/kvstore.md                 |   17 +
 docs/api/python/libinfo/libinfo.md                 |   69 ++
 docs/api/python/metric/metric.md                   |   17 +
 docs/api/python/model.md                           |   17 +
 docs/api/python/module/module.md                   |   17 +
 docs/api/python/ndarray/contrib.md                 |   17 +
 docs/api/python/ndarray/linalg.md                  |   17 +
 docs/api/python/ndarray/ndarray.md                 |   17 +
 docs/api/python/ndarray/random.md                  |   17 +
 docs/api/python/ndarray/sparse.md                  |   17 +
 docs/api/python/optimization/contrib.md            |   17 +
 docs/api/python/optimization/optimization.md       |   17 +
 docs/api/python/rtc/rtc.md                         |   17 +
 docs/api/python/symbol/contrib.md                  |   17 +
 docs/api/python/symbol/linalg.md                   |   17 +
 docs/api/python/symbol/random.md                   |   17 +
 docs/api/python/symbol/rnn.md                      |   17 +
 docs/api/python/symbol/sparse.md                   |   17 +
 docs/api/python/symbol/symbol.md                   |   18 +
 .../symbol_in_pictures/symbol_in_pictures.md       |   17 +
 docs/api/python/tools/test_utils.md                |   17 +
 docs/api/python/tools/visualization.md             |   17 +
 docs/api/r/index.md                                |   17 +
 docs/api/scala/index.md                            |   17 +
 docs/api/scala/infer.md                            |   17 +
 docs/api/scala/io.md                               |   17 +
 docs/api/scala/kvstore.md                          |   17 +
 docs/api/scala/model.md                            |   17 +
 docs/api/scala/module.md                           |   17 +
 docs/api/scala/ndarray.md                          |   17 +
 docs/api/scala/symbol.md                           |   17 +
 docs/api/scala/symbol_in_pictures.md               |   17 +
 docs/architecture/exception_handling.md            |   17 +
 docs/architecture/index.md                         |   17 +
 docs/architecture/note_data_loading.md             |   17 +
 docs/architecture/note_engine.md                   |   17 +
 docs/architecture/note_memory.md                   |   17 +
 docs/architecture/overview.md                      |   17 +
 docs/architecture/program_model.md                 |   17 +
 docs/architecture/rnn_interface.md                 |   17 +
 docs/build_version_doc/Dockerfile                  |   20 +
 docs/build_version_doc/README.md                   |   17 +
 docs/build_version_doc/setup_docs_ubuntu.sh        |    1 +
 docs/community/contribute.md                       |   17 +
 docs/community/ecosystem.md                        |   17 +
 docs/community/index.md                            |   17 +
 docs/community/mxnet_channels.md                   |   17 +
 docs/community/powered_by.md                       |   17 +
 docs/faq/add_op_in_backend.md                      |   17 +
 docs/faq/bucketing.md                              |   17 +
 docs/faq/caffe.md                                  |   17 +
 docs/faq/cloud.md                                  |   17 +
 docs/faq/develop_and_hack.md                       |   17 +
 docs/faq/distributed_training.md                   |   17 +
 docs/faq/env_var.md                                |   17 +
 docs/faq/faq.md                                    |   17 +
 docs/faq/finetune.md                               |   17 +
 docs/faq/float16.md                                |   17 +
 docs/faq/gradient_compression.md                   |   17 +
 docs/faq/index.md                                  |   17 +
 docs/faq/model_parallel_lstm.md                    |   17 +
 docs/faq/multi_devices.md                          |   17 +
 docs/faq/new_op.md                                 |   17 +
 docs/faq/nnpack.md                                 |   17 +
 docs/faq/perf.md                                   |   17 +
 docs/faq/recordio.md                               |   17 +
 docs/faq/s3_integration.md                         |   17 +
 docs/faq/security.md                               |   17 +
 docs/faq/smart_device.md                           |   17 +
 docs/faq/visualize_graph.md                        |   17 +
 docs/faq/why_mxnet.md                              |   17 +
 docs/gluon/index.md                                |   17 +
 docs/index.md                                      |   17 +
 docs/install/amazonlinux_setup.md                  |   17 +
 docs/install/build_from_source.md                  |   17 +
 docs/install/c_plus_plus.md                        |   17 +
 docs/install/centos_setup.md                       |   17 +
 docs/install/download.md                           |   17 +
 docs/install/index.md                              |   67 +-
 docs/install/java_setup.md                         |   17 +
 docs/install/osx_setup.md                          |   17 +
 docs/install/raspbian_setup.md                     |   21 +-
 docs/install/scala_setup.md                        |   45 +
 docs/install/tx2_setup.md                          |   17 +
 docs/install/ubuntu_setup.md                       |   17 +
 docs/install/validate_mxnet.md                     |   17 +
 docs/install/windows_setup.md                      |   17 +
 docs/model_zoo/index.md                            |   17 +
 docs/settings.ini                                  |   17 +
 docs/tutorials/basic/data.md                       |   17 +
 docs/tutorials/basic/index.md                      |   17 +
 docs/tutorials/basic/module.md                     |   17 +
 docs/tutorials/basic/ndarray.md                    |   17 +
 docs/tutorials/basic/ndarray_indexing.md           |   17 +
 docs/tutorials/basic/reshape_transpose.md          |   17 +
 docs/tutorials/basic/symbol.md                     |   17 +
 docs/tutorials/c++/basics.md                       |   17 +
 docs/tutorials/c++/index.md                        |   17 +
 docs/tutorials/c++/mxnet_cpp_inference_tutorial.md |   17 +
 docs/tutorials/c++/subgraphAPI.md                  |   17 +
 docs/tutorials/control_flow/ControlFlowTutorial.md |   17 +
 docs/tutorials/control_flow/index.md               |   17 +
 docs/tutorials/embedded/index.md                   |   17 +
 docs/tutorials/embedded/wine_detector.md           |   17 +
 docs/tutorials/gluon/autograd.md                   |   17 +
 docs/tutorials/gluon/custom_layer.md               |   17 +
 docs/tutorials/gluon/customop.md                   |   17 +
 docs/tutorials/gluon/data_augmentation.md          |   17 +
 docs/tutorials/gluon/datasets.md                   |   17 +
 docs/tutorials/gluon/gluon.md                      |   17 +
 .../gluon/gluon_from_experiment_to_deployment.md   |   21 +-
 docs/tutorials/gluon/gotchas_numpy_in_mxnet.md     |   17 +
 docs/tutorials/gluon/hybrid.md                     |   17 +
 docs/tutorials/gluon/index.md                      |   17 +
 docs/tutorials/gluon/info_gan.md                   |   17 +
 docs/tutorials/gluon/learning_rate_finder.md       |   17 +
 docs/tutorials/gluon/learning_rate_schedules.md    |   17 +
 .../gluon/learning_rate_schedules_advanced.md      |   17 +
 .../gluon/logistic_regression_explained.md         |   17 +
 docs/tutorials/gluon/mnist.md                      |   17 +
 docs/tutorials/gluon/naming.md                     |   17 +
 docs/tutorials/gluon/ndarray.md                    |   17 +
 docs/tutorials/gluon/pretrained_models.md          |   17 +
 docs/tutorials/gluon/save_load_params.md           |   17 +
 docs/tutorials/index.md                            |   17 +
 docs/tutorials/java/index.md                       |   17 +
 docs/tutorials/java/mxnet_java_on_intellij.md      |   17 +
 docs/tutorials/java/ssd_inference.md               |   17 +
 docs/tutorials/nlp/cnn.md                          |   17 +
 docs/tutorials/nlp/index.md                        |   17 +
 docs/tutorials/onnx/export_mxnet_to_onnx.md        |   17 +
 docs/tutorials/onnx/fine_tuning_gluon.md           |   17 +
 docs/tutorials/onnx/index.md                       |   17 +
 docs/tutorials/onnx/inference_on_onnx_model.md     |   17 +
 docs/tutorials/onnx/super_resolution.md            |   17 +
 docs/tutorials/python/data_augmentation.md         |   17 +
 .../python/data_augmentation_with_masks.md         |   17 +
 docs/tutorials/python/index.md                     |   17 +
 docs/tutorials/python/kvstore.md                   |   17 +
 docs/tutorials/python/linear-regression.md         |   17 +
 docs/tutorials/python/matrix_factorization.md      |   17 +
 docs/tutorials/python/mnist.md                     |   17 +
 docs/tutorials/python/predict_image.md             |   17 +
 docs/tutorials/python/profiler.md                  |   17 +
 .../tutorials/python/types_of_data_augmentation.md |   17 +
 docs/tutorials/r/CallbackFunction.md               |   17 +
 docs/tutorials/r/CustomIterator.md                 |   17 +
 docs/tutorials/r/CustomLossFunction.md             |   17 +
 docs/tutorials/r/MultidimLstm.md                   |   17 +
 docs/tutorials/r/charRnnModel.md                   |   17 +
 .../r/classifyRealImageWithPretrainedModel.md      |   17 +
 docs/tutorials/r/fiveMinutesNeuralNetwork.md       |   17 +
 docs/tutorials/r/index.md                          |   17 +
 docs/tutorials/r/mnistCompetition.md               |   17 +
 docs/tutorials/r/ndarray.md                        |   17 +
 docs/tutorials/r/symbol.md                         |   17 +
 docs/tutorials/scala/char_lstm.md                  |   23 +-
 docs/tutorials/scala/index.md                      |   17 +
 docs/tutorials/scala/mnist.md                      |   17 +
 docs/tutorials/scala/mxnet_scala_on_intellij.md    |   17 +
 docs/tutorials/sparse/csr.md                       |   17 +
 docs/tutorials/sparse/index.md                     |   17 +
 docs/tutorials/sparse/row_sparse.md                |   17 +
 docs/tutorials/sparse/train.md                     |   17 +
 docs/tutorials/speech_recognition/ctc.md           |   17 +
 docs/tutorials/speech_recognition/index.md         |   17 +
 docs/tutorials/tensorrt/index.md                   |   17 +
 docs/tutorials/tensorrt/inference_with_trt.md      |   17 +
 docs/tutorials/unsupervised_learning/gan.md        |   17 +
 docs/tutorials/unsupervised_learning/index.md      |   17 +
 docs/tutorials/vision/cnn_visualization.md         |   17 +
 docs/tutorials/vision/index.md                     |   17 +
 .../tutorials/vision/large_scale_classification.md |   17 +
 example/README.md                                  |   18 +
 example/adversary/README.md                        |   17 +
 example/autoencoder/README.md                      |   17 +
 .../autoencoder/variational_autoencoder/README.md  |   17 +
 example/bayesian-methods/README.md                 |   17 +
 example/bi-lstm-sort/README.md                     |   17 +
 example/caffe/README.md                            |   17 +
 example/capsnet/README.md                          |   17 +
 example/captcha/README.md                          |   17 +
 example/captcha/mxnet_captcha.R                    |    4 +-
 example/cnn_chinese_text_classification/README.md  |   17 +
 example/cnn_text_classification/README.md          |   17 +
 example/ctc/README.md                              |   17 +
 example/deep-embedded-clustering/README.md         |   17 +
 example/distributed_training/README.md             |   17 +
 example/dsd/README.md                              |   17 +
 example/fcn-xs/README.md                           |   17 +
 example/gan/CGAN_mnist_R/README.md                 |  168 ++++
 example/gluon/actor_critic/README.md               |   61 ++
 example/gluon/audio/{urban_sounds => }/README.md   |   23 +-
 example/gluon/audio/urban_sounds/README.md         |   17 +
 example/gluon/dc_gan/README.md                     |   17 +
 example/gluon/embedding_learning/README.md         |   17 +
 example/gluon/house_prices/README.md               |   29 +
 example/gluon/lipnet/.gitignore                    |    3 +
 example/gluon/lipnet/BeamSearch.py                 |  170 ++++
 example/gluon/lipnet/README.md                     |  254 +++++
 example/gluon/lipnet/asset/mouth_000.png           |  Bin 0 -> 6372 bytes
 example/gluon/lipnet/asset/mouth_001.png           |  Bin 0 -> 6826 bytes
 example/gluon/lipnet/asset/mouth_074.png           |  Bin 0 -> 6864 bytes
 example/gluon/lipnet/asset/network_structure.png   |  Bin 0 -> 183728 bytes
 example/gluon/lipnet/asset/s2_bbbf7p_000.png       |  Bin 0 -> 35141 bytes
 example/gluon/lipnet/asset/s2_bbbf7p_001.png       |  Bin 0 -> 36768 bytes
 example/gluon/lipnet/asset/s2_bbbf7p_074.png       |  Bin 0 -> 38248 bytes
 .../gluon/lipnet/checkpoint}/__init__.py           |    0
 example/gluon/lipnet/data_loader.py                |   94 ++
 example/gluon/lipnet/infer.py                      |   52 +
 example/gluon/lipnet/main.py                       |   47 +
 .../{ssd/train => gluon/lipnet/models}/__init__.py |    0
 example/gluon/lipnet/models/network.py             |   73 ++
 example/gluon/lipnet/requirements.txt              |    7 +
 .../lipnet/tests/test_beamsearch.py}               |   53 +-
 example/gluon/lipnet/trainer.py                    |  232 +++++
 .../gluon/lipnet/utils}/__init__.py                |    0
 example/gluon/lipnet/utils/align.py                |   83 ++
 example/gluon/lipnet/utils/common.py               |   80 ++
 example/gluon/lipnet/utils/download_data.py        |  112 +++
 example/gluon/lipnet/utils/multi.py                |  104 ++
 example/gluon/lipnet/utils/preprocess_data.py      |  262 +++++
 example/gluon/lipnet/utils/run_preprocess.ipynb    |  194 ++++
 .../utils/run_preprocess_single_process.ipynb      |  360 +++++++
 example/gluon/lstm_crf/README.md                   |   36 +
 example/gluon/mnist/README.md                      |   55 ++
 example/gluon/sn_gan/README.md                     |   17 +
 example/gluon/style_transfer/README.md             |   17 +
 example/gluon/super_resolution/README.md           |   45 +
 example/gluon/{ => super_resolution}/data.py       |    0
 example/gluon/super_resolution/super_resolution.py |  144 ++-
 example/gluon/tree_lstm/README.md                  |   17 +
 example/gluon/word_language_model/README.md        |   17 +
 example/kaggle-ndsb1/README.md                     |   17 +
 example/kaggle-ndsb2/README.md                     |   17 +
 example/model-parallel/README.md                   |   20 +
 .../model-parallel/matrix_factorization/README.md  |   17 +
 example/module/README.md                           |   17 +
 example/multi-task/README.md                       |   17 +
 example/multivariate_time_series/README.md         |   17 +
 example/named_entity_recognition/README.md         |   17 +
 example/nce-loss/README.md                         |   17 +
 example/neural-style/README.md                     |   17 +
 example/neural-style/end_to_end/README.md          |   17 +
 example/numpy-ops/README.md                        |   17 +
 example/profiler/README.md                         |   17 +
 example/rcnn/README.md                             |   17 +
 example/recommenders/README.md                     |   17 +
 example/reinforcement-learning/a3c/README.md       |   17 +
 example/reinforcement-learning/ddpg/README.md      |   17 +
 .../parallel_actor_critic/README.md                |   17 +
 example/restricted-boltzmann-machine/README.md     |   17 +
 example/rnn/README.md                              |   17 +
 example/rnn/bucketing/README.md                    |   17 +
 example/rnn/old/README.md                          |   17 +
 example/rnn/word_lm/README.md                      |   17 +
 example/sparse/README.md                           |   24 +
 example/sparse/factorization_machine/README.md     |   17 +
 example/sparse/linear_classification/README.md     |   17 +
 example/sparse/matrix_factorization/README.md      |   17 +
 example/sparse/wide_deep/README.md                 |   22 +-
 .../sparse/wide_deep/config.py                     |   27 +-
 example/sparse/wide_deep/inference.py              |  106 ++
 example/sparse/wide_deep/train.py                  |   20 +-
 example/speech_recognition/README.md               |   17 +
 example/ssd/README.md                              |   17 +
 example/ssd/dataset/pycocotools/README.md          |   17 +
 example/ssd/model/README.md                        |   17 +
 example/ssd/symbol/README.md                       |   17 +
 example/ssd/tools/caffe_converter/README.md        |   17 +
 example/stochastic-depth/README.md                 |   17 +
 example/svm_mnist/README.md                        |   17 +
 example/svrg_module/README.md                      |   17 +
 example/vae-gan/README.md                          |   17 +
 include/mxnet/c_api.h                              |   33 +-
 julia/LICENSE.md                                   |   17 +
 julia/NEWS.md                                      |   17 +
 julia/README-DEV.md                                |   17 +
 julia/README.md                                    |   17 +
 julia/docs/src/api.md                              |   17 +
 julia/docs/src/api/callback.md                     |   17 +
 julia/docs/src/api/context.md                      |   17 +
 julia/docs/src/api/executor.md                     |   17 +
 julia/docs/src/api/initializer.md                  |   17 +
 julia/docs/src/api/io.md                           |   17 +
 julia/docs/src/api/kvstore.md                      |   17 +
 julia/docs/src/api/metric.md                       |   17 +
 julia/docs/src/api/model.md                        |   17 +
 julia/docs/src/api/ndarray.md                      |   17 +
 julia/docs/src/api/nn-factory.md                   |   17 +
 julia/docs/src/api/symbolic-node.md                |   17 +
 julia/docs/src/api/visualize.md                    |   17 +
 julia/docs/src/index.md                            |   17 +
 julia/docs/src/tutorial/char-lstm.md               |   17 +
 julia/docs/src/tutorial/mnist.md                   |   17 +
 julia/docs/src/user-guide/faq.md                   |   17 +
 julia/docs/src/user-guide/install.md               |   17 +
 julia/docs/src/user-guide/overview.md              |   17 +
 julia/examples/char-lstm/README.md                 |   17 +
 julia/plugins/README.md                            |   17 +
 julia/src/executor.jl                              |    2 +-
 julia/src/runtime.jl                               |   22 +-
 julia/test/runtests.jl                             |    2 +-
 matlab/README.md                                   |   17 +
 perl-package/AI-MXNet/Changes                      |    6 +
 perl-package/AI-MXNet/META.json                    |    4 +-
 perl-package/AI-MXNet/META.yml                     |    4 +-
 perl-package/AI-MXNet/Makefile.PL                  |    4 +-
 perl-package/AI-MXNet/README                       |    2 +-
 .../examples/gluon/style_transfer/README.md        |   17 +
 .../examples/sparse/matrix_factorization/README.md |   17 +
 .../AI-MXNet/examples/sparse/wide_deep/README.md   |   17 +
 perl-package/AI-MXNet/lib/AI/MXNet.pm              |    2 +-
 perl-package/AI-MXNet/lib/AI/MXNet/Context.pm      |   24 +
 perl-package/AI-MXNet/lib/AI/MXNet/Gluon/Loss.pm   |  171 ++++
 .../AI-MXNet/lib/AI/MXNet/Gluon/RNN/Cell.pm        |  131 ++-
 .../AI-MXNet/lib/AI/MXNet/Gluon/RNN/Layer.pm       |  285 ++++--
 perl-package/AI-MXNet/lib/AI/MXNet/Initializer.pm  |   18 +
 perl-package/AI-MXNet/lib/AI/MXNet/NDArray.pm      |    6 +-
 perl-package/AI-MXNet/lib/AI/MXNet/Symbol.pm       |   18 +-
 .../AI-MXNet/lib/AI/MXNet/Visualization.pm         |    4 +
 perl-package/AI-MXNet/t/test_gluon_rnn.t           |   29 +-
 perl-package/AI-MXNet/t/test_loss.t                |   46 +-
 perl-package/AI-MXNetCAPI/Changes                  |    3 +
 perl-package/AI-MXNetCAPI/META.json                |    2 +-
 perl-package/AI-MXNetCAPI/META.yml                 |    2 +-
 perl-package/AI-MXNetCAPI/README                   |    2 +-
 perl-package/AI-MXNetCAPI/lib/AI/MXNetCAPI.pm      |    2 +-
 perl-package/AI-MXNetCAPI/mxnet_typemaps.i         |   13 +-
 perl-package/README.md                             |   17 +
 plugin/caffe/README.md                             |   17 +
 python/README.md                                   |   17 +
 python/minpy/README.md                             |   17 +
 .../mxnet/contrib/onnx/mx2onnx/_op_translations.py |    6 +-
 python/mxnet/contrib/onnx/mx2onnx/export_onnx.py   |   23 +-
 .../mxnet/contrib/onnx/onnx2mx/_op_translations.py |   46 +-
 .../contrib/onnx/onnx2mx/_translation_utils.py     |   16 +-
 python/mxnet/gluon/contrib/nn/__init__.py          |    2 +-
 python/mxnet/gluon/contrib/nn/basic_layers.py      |  181 +++-
 python/mxnet/gluon/contrib/rnn/rnn_cell.py         |  115 +++
 python/mxnet/gluon/data/dataloader.py              |   37 +-
 python/mxnet/gluon/nn/conv_layers.py               |   93 +-
 python/mxnet/model.py                              |    6 +-
 python/mxnet/optimizer/optimizer.py                |   64 +-
 python/mxnet/runtime.py                            |   59 +-
 python/mxnet/symbol/symbol.py                      |   81 +-
 scala-package/README.md                            |   48 +
 scala-package/assembly/pom.xml                     |   16 +
 .../assembly/src/main/assembly/assembly.xml        |   16 +
 .../assembly/src/main/assembly/javadoc.xml         |   16 +
 .../assembly/src/main/assembly/source.xml          |   16 +
 scala-package/core/pom.xml                         |   16 +
 scala-package/deploy/pom.xml                       |   16 +
 scala-package/deploy/src/main/deploy/deploy.xml    |   16 +
 scala-package/examples/pom.xml                     |   16 +
 .../javaapi/infer/objectdetector/README.md         |   17 +
 .../javaapi/infer/predictor/README.md              |   17 +
 .../org/apache/mxnetexamples/benchmark/README.md   |   17 +
 .../mxnetexamples/cnntextclassification/README.md  |   17 +
 .../org/apache/mxnetexamples/customop/README.md    |   17 +
 .../scala/org/apache/mxnetexamples/gan/README.md   |   17 +
 .../mxnetexamples/imclassification/README.md       |   17 +
 .../mxnetexamples/infer/imageclassifier/README.md  |   17 +
 .../mxnetexamples/infer/objectdetector/README.md   |   17 +
 .../org/apache/mxnetexamples/neuralstyle/README.md |   17 +
 .../scala/org/apache/mxnetexamples/rnn/README.md   |   17 +
 scala-package/infer/pom.xml                        |   16 +
 scala-package/init-native/pom.xml                  |   16 +
 scala-package/init/pom.xml                         |   16 +
 scala-package/macros/pom.xml                       |   16 +
 scala-package/memory-management.md                 |   17 +
 scala-package/mxnet-demo/java-demo/README.md       |   17 +
 scala-package/mxnet-demo/java-demo/pom.xml         |   16 +
 scala-package/mxnet-demo/scala-demo/README.md      |   17 +
 scala-package/mxnet-demo/scala-demo/pom.xml        |   16 +
 scala-package/native/README.md                     |   17 +
 scala-package/native/pom.xml                       |   16 +
 scala-package/packageTest/README.md                |   17 +
 scala-package/packageTest/core/pom.xml             |   16 +
 scala-package/packageTest/examples/pom.xml         |   16 +
 scala-package/packageTest/infer/pom.xml            |   16 +
 scala-package/packageTest/pom.xml                  |   16 +
 scala-package/pom.xml                              |   16 +
 scala-package/spark/README.md                      |   17 +
 scala-package/spark/pom.xml                        |   16 +
 .../apache/mxnet/spark/SharedSparkContext.scala    |   42 +-
 src/c_api/c_api_symbolic.cc                        |   21 +
 src/imperative/cached_op.cc                        |   10 +-
 src/imperative/cached_op.h                         |    4 +
 src/imperative/imperative_utils.h                  |   15 +-
 src/libinfo.cc                                     |    1 -
 src/operator/contrib/adamw-inl.h                   |  165 +++-
 src/operator/contrib/adamw.cc                      |   76 +-
 src/operator/contrib/adamw.cu                      |   27 +-
 src/operator/contrib/boolean_mask-inl.h            |  102 +-
 src/operator/contrib/boolean_mask.cc               |  114 ++-
 src/operator/contrib/boolean_mask.cu               |  165 ++++
 src/operator/image/image_random-inl.h              |  307 +++---
 src/operator/image/image_random.cu                 |  170 +++-
 src/operator/mxnet_op.h                            |   42 +
 src/operator/nn/cudnn/cudnn_pooling-inl.h          |  239 +++--
 src/operator/nn/mkldnn/mkldnn_base-inl.h           |    2 +
 src/operator/nn/mkldnn/mkldnn_ops-inl.h            |   10 +-
 src/operator/nn/mkldnn/mkldnn_pooling-inl.h        |    3 +-
 src/operator/nn/mkldnn/mkldnn_softmax_output.cc    |  145 +++
 src/operator/nn/pool.cuh                           |  479 +++++++---
 src/operator/nn/pool.h                             | 1010 +++++++++++++++++---
 src/operator/nn/pool_utils.h                       |   18 +-
 src/operator/nn/pooling-inl.h                      |   73 +-
 src/operator/nn/pooling.cc                         |  207 ++--
 src/operator/nn/pooling.cu                         |   28 +-
 src/operator/nn/softmax-inl.h                      |  248 +++--
 src/operator/nn/softmax.cc                         |   66 +-
 src/operator/quantization/quantized_pooling.cc     |    3 +
 src/operator/softmax_output-inl.h                  |   68 +-
 src/operator/softmax_output.cc                     |  181 +++-
 src/operator/softmax_output.cu                     |   14 +-
 src/operator/subgraph_op_common.cc                 |    8 +-
 src/operator/subgraph_op_common.h                  |    3 +-
 src/operator/tensor/broadcast_reduce_op.h          |   12 +-
 src/operator/tensor/dot-inl.h                      |    3 +-
 src/operator/tensor/matrix_op-inl.h                |    6 +-
 src/operator/tensor/matrix_op.cc                   |   11 +-
 tests/README.md                                    |   17 +
 tests/jenkins/run_test_installation_docs.sh        |   30 +-
 tests/nightly/README.md                            |   17 +
 tests/nightly/apache_rat_license_check/README.md   |   17 +
 .../nightly/apache_rat_license_check/rat-excludes  |    7 +-
 tests/nightly/broken_link_checker_test/README.md   |   17 +
 .../model_backwards_compatibility_check/README.md  |   17 +
 tests/nightly/straight_dope/README.md              |   17 +
 tests/nightly/test_large_array.py                  |    5 +
 tests/python-pytest/onnx/test_cases.py             |    4 +-
 tests/python/README.md                             |   17 +
 tests/python/gpu/test_operator_gpu.py              |  460 +++++----
 tests/python/unittest/test_contrib_optimizer.py    |   84 ++
 tests/python/unittest/test_gluon.py                |  165 ++--
 tests/python/unittest/test_gluon_contrib.py        |  182 +++-
 tests/python/unittest/test_gluon_data.py           |   24 +
 tests/python/unittest/test_module.py               |   14 +
 tests/python/unittest/test_operator.py             |  130 ++-
 tests/python/unittest/test_runtime.py              |   22 +-
 tests/python/unittest/test_symbol.py               |    7 +
 tools/accnn/README.md                              |   17 +
 tools/bandwidth/README.md                          |   17 +
 tools/caffe_converter/README.md                    |   17 +
 tools/caffe_translator/README.md                   |   17 +
 tools/caffe_translator/build_from_source.md        |   17 +
 tools/caffe_translator/faq.md                      |   17 +
 tools/cfn/Readme.md                                |   17 +
 tools/coreml/README.md                             |   17 +
 tools/coreml/pip_package/README.rst                |   17 +
 tools/dependencies/README.md                       |   17 +
 tools/staticbuild/README.md                        |   17 +
 546 files changed, 15217 insertions(+), 1673 deletions(-)
 delete mode 100644 docker/Dockerfiles/License.md
 create mode 100644 docs/api/python/libinfo/libinfo.md
 mode change 100755 => 100644 docs/faq/why_mxnet.md
 mode change 100755 => 100644 docs/install/windows_setup.md
 create mode 100644 example/gan/CGAN_mnist_R/README.md
 create mode 100644 example/gluon/actor_critic/README.md
 copy example/gluon/audio/{urban_sounds => }/README.md (74%)
 create mode 100644 example/gluon/house_prices/README.md
 create mode 100644 example/gluon/lipnet/.gitignore
 create mode 100644 example/gluon/lipnet/BeamSearch.py
 create mode 100644 example/gluon/lipnet/README.md
 create mode 100644 example/gluon/lipnet/asset/mouth_000.png
 create mode 100644 example/gluon/lipnet/asset/mouth_001.png
 create mode 100644 example/gluon/lipnet/asset/mouth_074.png
 create mode 100644 example/gluon/lipnet/asset/network_structure.png
 create mode 100644 example/gluon/lipnet/asset/s2_bbbf7p_000.png
 create mode 100644 example/gluon/lipnet/asset/s2_bbbf7p_001.png
 create mode 100644 example/gluon/lipnet/asset/s2_bbbf7p_074.png
 copy {tools/coreml/converter => example/gluon/lipnet/checkpoint}/__init__.py (100%)
 create mode 100644 example/gluon/lipnet/data_loader.py
 create mode 100644 example/gluon/lipnet/infer.py
 create mode 100644 example/gluon/lipnet/main.py
 copy example/{ssd/train => gluon/lipnet/models}/__init__.py (100%)
 create mode 100644 example/gluon/lipnet/models/network.py
 create mode 100644 example/gluon/lipnet/requirements.txt
 copy example/{ssd/tools/caffe_converter/caffe_parse/parse_from_protobuf.py => gluon/lipnet/tests/test_beamsearch.py} (53%)
 create mode 100644 example/gluon/lipnet/trainer.py
 copy {tools/coreml/converter => example/gluon/lipnet/utils}/__init__.py (100%)
 create mode 100644 example/gluon/lipnet/utils/align.py
 create mode 100644 example/gluon/lipnet/utils/common.py
 create mode 100644 example/gluon/lipnet/utils/download_data.py
 create mode 100644 example/gluon/lipnet/utils/multi.py
 create mode 100644 example/gluon/lipnet/utils/preprocess_data.py
 create mode 100644 example/gluon/lipnet/utils/run_preprocess.ipynb
 create mode 100644 example/gluon/lipnet/utils/run_preprocess_single_process.ipynb
 create mode 100644 example/gluon/lstm_crf/README.md
 create mode 100644 example/gluon/mnist/README.md
 create mode 100644 example/gluon/super_resolution/README.md
 rename example/gluon/{ => super_resolution}/data.py (100%)
 create mode 100644 example/model-parallel/README.md
 create mode 100644 example/sparse/README.md
 copy perl-package/AI-MXNet/lib/AI/MXNet/AutoLoad.pm => example/sparse/wide_deep/config.py (67%)
 create mode 100644 example/sparse/wide_deep/inference.py
 mode change 100755 => 100644 example/ssd/dataset/pycocotools/README.md
 create mode 100644 src/operator/contrib/boolean_mask.cu
 create mode 100644 src/operator/nn/mkldnn/mkldnn_softmax_output.cc
 mode change 100755 => 100644 tests/nightly/README.md
 mode change 100755 => 100644 tests/nightly/apache_rat_license_check/README.md
 mode change 100755 => 100644 tests/nightly/broken_link_checker_test/README.md
 mode change 100755 => 100644 tests/nightly/straight_dope/README.md