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

[incubator-mxnet] branch master updated (33c7b5c -> 8004a02)

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

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


    from 33c7b5c  add google-analytics config (#16271)
     add 8004a02  Fixing links for website + Fixing search (#16284)

No new revisions were added by this update.

Summary of changes:
 .github/PULL_REQUEST_TEMPLATE.md                   |   2 +-
 MKLDNN_README.md                                   |   2 +-
 NEWS.md                                            |  14 +-
 R-package/R/zzz.R                                  |   2 +-
 R-package/README.md                                |   2 +-
 R-package/vignettes/MultidimLstm.Rmd               |   2 +-
 README.md                                          |  30 +-
 benchmark/opperf/README.md                         |   2 +-
 ci/docker/install/ubuntu_r.sh                      |   2 +-
 ci/other/ci_deploy_doc.sh                          |   2 +-
 contrib/clojure-package/README.md                  |   6 +-
 .../examples/pre-trained-models/README.md          |   6 +-
 .../clojure-package/examples/tutorial/README.md    |   2 +-
 .../examples/tutorial/src/tutorial/kvstore.clj     |   2 +-
 .../examples/tutorial/src/tutorial/module.clj      |   2 +-
 .../examples/tutorial/src/tutorial/ndarray.clj     |   2 +-
 .../examples/tutorial/src/tutorial/symbol.clj      |   2 +-
 cpp-package/README.md                              |   6 +-
 docs/README.md                                     |   6 +-
 docs/python_docs/python/scripts/conf.py            |   4 +-
 .../python/tutorials/deploy/export/index.rst       |  13 +-
 .../python/tutorials/deploy/export/onnx.md         | 150 ++++++
 docs/python_docs/python/tutorials/deploy/index.rst |   6 +-
 .../python/tutorials/deploy/inference/index.rst    |  38 +-
 .../tutorials/deploy/inference/wine_detector.md    | 405 ++++++++++++++
 .../python/tutorials/deploy/run-on-aws/index.rst   |   8 +-
 .../python/tutorials/extend/custom_layer.md        |  18 +-
 .../python/tutorials/extend/customop.md            |   2 +-
 docs/python_docs/python/tutorials/extend/index.rst |  12 +-
 .../getting-started/crash-course/5-predict.md      |   2 +-
 .../gluon_from_experiment_to_deployment.md         |  22 +-
 .../python/tutorials/getting-started/index.rst     |  28 +-
 .../logistic_regression_explained.md               | 257 +++++++++
 .../tutorials/getting-started/to-mxnet/index.rst   |   2 +-
 .../tutorials/getting-started/to-mxnet/pytorch.md  |   6 +-
 .../packages/autograd/{autograd.md => index.md}    |   4 +-
 .../gluon/{ => blocks}/activations/activations.md  |   0
 .../gluon/{ => blocks}/activations/images/elu.png  | Bin
 .../{ => blocks}/activations/images/leakyrelu.png  | Bin
 .../{ => blocks}/activations/images/prelu.png      | Bin
 .../gluon/{ => blocks}/activations/images/relu.png | Bin
 .../gluon/{ => blocks}/activations/images/selu.png | Bin
 .../{ => blocks}/activations/images/sigmoid.png    | Bin
 .../{ => blocks}/activations/images/softrelu.png   | Bin
 .../{ => blocks}/activations/images/softsign.png   | Bin
 .../{ => blocks}/activations/images/swish.png      | Bin
 .../gluon/{ => blocks}/activations/images/tanh.png | Bin
 .../packages/gluon/{ => blocks}/blocks.svg         |   0
 .../packages/gluon/{ => blocks}/custom-layer.md    |   0
 .../gluon/{ => blocks}/custom_layer_beginners.md   |  18 +-
 .../packages/gluon/{ => blocks}/hybridize.md       |   8 +-
 .../packages/gluon/blocks/index.rst}               |   9 +-
 .../tutorials/packages/gluon/{ => blocks}/init.md  |   8 +-
 .../packages/gluon/{ => blocks}/naming.md          |   2 +-
 .../tutorials/packages/gluon/{ => blocks}/nn.md    |   0
 .../packages/gluon/{ => blocks}/parameters.md      |  20 +-
 .../packages/gluon/blocks/save_load_params.md      | 281 ++++++++++
 .../python/tutorials/packages/gluon/customop.md    | 227 --------
 .../python/tutorials/packages/gluon/data.md        | 141 -----
 .../gluon/{ => image}/image-augmentation.md        |   0
 .../tutorials/packages/gluon/image/index.rst       |   6 +-
 .../python/tutorials/packages/gluon/image/mnist.md |  16 +-
 .../packages/gluon/image/pretrained_models.md      |   8 +-
 .../python/tutorials/packages/gluon/index.rst      |  88 +---
 .../gluon/{custom-loss => loss}/custom-loss.md     |   2 +-
 .../images/contrastive_loss.jpeg                   | Bin
 .../{custom-loss => loss}/images/inuktitut_1.png   | Bin
 .../{custom-loss => loss}/images/inuktitut_2.png   | Bin
 .../cpp.rst => packages/gluon/loss/index.rst}      |  10 +-
 .../python/tutorials/packages/gluon/loss/loss.md   |  24 +-
 .../python/tutorials/packages/gluon/text/index.rst |  35 +-
 .../tutorials/packages/gluon/text/transformer.rst  |   2 +-
 .../gluon/{ => training}/fit_api_tutorial.md       |  10 +-
 .../packages/gluon/training/index.rst}             |   9 +-
 .../gluon/training/learning_rates/index.rst}       |  11 +-
 .../learning_rates/learning_rate_finder.md         | 332 ++++++++++++
 .../learning_rates/learning_rate_schedules.md      | 347 ++++++++++++
 .../learning_rate_schedules_advanced.md            | 325 ++++++++++++
 .../{ => training}/normalization/imgs/NCHW_BN.png  | Bin
 .../{ => training}/normalization/imgs/NCHW_IN.png  | Bin
 .../{ => training}/normalization/imgs/NCHW_LN.png  | Bin
 .../{ => training}/normalization/imgs/NTC_BN.png   | Bin
 .../{ => training}/normalization/imgs/NTC_IN.png   | Bin
 .../{ => training}/normalization/imgs/NTC_LN.png   | Bin
 .../normalization/imgs/data_normalization.jpeg     | Bin
 .../normalization/index.md}                        |   4 +-
 .../packages/gluon/{ => training}/trainer.md       |  24 +-
 .../python/tutorials/packages/index.rst            |  54 +-
 .../python/tutorials/packages/kvstore/index.rst    |   4 +-
 .../python/tutorials/packages/kvstore/kvstore.md   | 171 ++++++
 .../python/tutorials/packages/module/index.rst     |  52 --
 .../tutorials/packages/ndarray/01-ndarray-intro.md |   6 +-
 .../packages/ndarray/gotchas_numpy_in_mxnet.md     | 187 +++++++
 .../python/tutorials/packages/ndarray/index.rst    |  46 +-
 .../tutorials/packages/ndarray/sparse/csr.md       | 562 ++++++++++++++++++++
 .../ndarray/sparse/index.rst}                      |   9 +-
 .../packages/ndarray/sparse/row_sparse.md          | 584 +++++++++++++++++++++
 .../tutorials/packages/ndarray/sparse/train.md     | 339 ++++++++++++
 .../packages/ndarray/sparse/train_gluon.md         | 483 +++++++++++++++++
 .../tutorials/packages/onnx/fine_tuning_gluon.md   | 456 ++++++++++++++++
 .../python/tutorials/packages/onnx/index.rst       |  12 +-
 .../packages/onnx/inference_on_onnx_model.md       | 256 +++++++++
 .../tutorials/packages/onnx/super_resolution.md    | 140 +++++
 .../packages/optimizer/{optimizer.md => index.md}  |   4 +-
 .../python/tutorials/packages/symbol/index.rst     |  41 --
 .../python/tutorials/packages/viz/index.rst        |   7 +-
 .../python/tutorials/performance/backend/amp.md    |   4 +-
 .../python/tutorials/performance/backend/index.rst |  21 +-
 .../backend/{mkl-dnn.rst => mkldnn/index.rst}      |  19 +-
 .../backend/{ => mkldnn}/mkldnn_quantization.md    |   8 +-
 .../{MKLDNN_README.md => mkldnn/mkldnn_readme.md}  |   4 +-
 .../tutorials/performance/backend/profiler.md      |  10 +-
 .../performance/backend/tensorrt/index.rst}        |  18 +-
 .../performance/backend/tensorrt/tensorrt.md       | 143 +++++
 .../backend/tensorrt/wavenet_optimized.svg         |   1 +
 .../backend/tensorrt/wavenet_unoptimized.svg       |  17 +
 .../tutorials/performance/compression/index.rst    |  23 +-
 .../python/tutorials/performance/index.rst         |  10 +-
 .../themes/mx-theme/mxtheme/layout.html            |   2 +-
 docs/static_site/src/_config_prod.yml              |   2 +-
 .../_includes/get_started/devices/nvidia-jetson.md |   2 +-
 .../_includes/get_started/devices/raspberry_pi.md  |   6 +-
 .../src/_includes/get_started/linux/cpp/cpp.md     |   2 +-
 .../src/_includes/get_started/linux/java/cpu.md    |   2 +-
 .../src/_includes/get_started/linux/java/gpu.md    |   2 +-
 .../get_started/linux/julia/build-from-source.md   |   2 +-
 .../src/_includes/get_started/linux/perl/perl.md   |   2 +-
 .../get_started/linux/python/cpu/docker.md         |   2 +-
 .../_includes/get_started/linux/python/cpu/pip.md  |  10 +-
 .../get_started/linux/python/gpu/docker.md         |   2 +-
 .../src/_includes/get_started/linux/r/cpu.md       |   2 +-
 .../src/_includes/get_started/linux/r/gpu.md       |   2 +-
 .../src/_includes/get_started/macos/cpp/cpp.md     |   2 +-
 .../src/_includes/get_started/macos/java/cpu.md    |   2 +-
 .../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          |   2 +-
 .../get_started/macos/python/gpu/pip_docker.md     |   2 +-
 .../src/_includes/get_started/macos/r/cpu.md       |   2 +-
 .../src/_includes/get_started/windows/cpp/cpp.md   |   2 +-
 .../get_started/windows/julia/build-from-source.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 +-
 .../windows/python/gpu/build-from-source.md        |   2 +-
 .../src/_includes/get_started/windows/r/cpu.md     |   2 +-
 .../src/_includes/get_started/windows/r/gpu.md     |   2 +-
 .../pages/api/architecture/exception_handling.md   |   2 +-
 .../pages/api/architecture/note_data_loading.md    |   2 +-
 .../src/pages/api/architecture/note_engine.md      |   1 -
 .../src/pages/api/cpp/docs/tutorials/basics.md     |   2 +-
 docs/static_site/src/pages/api/cpp/index.md        |   4 +-
 .../src/pages/api/faq/add_op_in_backend.md         |  30 ++
 docs/static_site/src/pages/api/faq/float16.md      |   2 +-
 .../src/pages/api/faq/gradient_compression.md      |   2 +-
 docs/static_site/src/pages/api/faq/perf.md         |   4 +-
 docs/static_site/src/pages/api/faq/recordio.md     |   2 +-
 .../src/pages/api/perl/docs/tutorials/ndarray.md   |   2 +-
 .../api/r/docs/tutorials/callback_function.md      |   8 +-
 .../classify_real_image_with_pretrained_model.md   |   6 +-
 .../pages/api/r/docs/tutorials/custom_iterator.md  |   2 +-
 .../api/r/docs/tutorials/custom_loss_function.md   |   8 +-
 .../docs/tutorials/five_minutes_neural_network.md  |   8 +-
 .../api/r/docs/tutorials/mnist_competition.md      |   2 +-
 .../pages/api/r/docs/tutorials/multi_dim_lstm.md   |   2 +-
 .../src/pages/api/r/docs/tutorials/ndarray.md      |  12 +-
 .../src/pages/api/r/docs/tutorials/symbol.md       |  10 +-
 .../pages/api/scala/docs/tutorials/char_lstm.md    |   2 +-
 .../docs/tutorials/mxnet_scala_on_intellij.md      |   4 +-
 docs/static_site/src/pages/community/contribute.md |   2 +-
 .../src/pages/get_started/build_from_source.md     |   4 +-
 .../src/pages/get_started/java_setup.md            |   2 +-
 .../src/pages/get_started/scala_setup.md           |   2 +-
 .../src/pages/get_started/ubuntu_setup.md          |   2 +-
 .../src/pages/get_started/windows_setup.md         |   4 +-
 example/MXNetTutorialTemplate.ipynb                |   6 +-
 example/README.md                                  |  18 +-
 example/ctc/README.md                              |   2 +-
 example/distributed_training/README.md             |   2 +-
 example/gluon/audio/README.md                      |   2 +-
 example/gluon/audio/urban_sounds/README.md         |   2 +-
 example/image-classification/README.md             |  12 +-
 example/image-classification/predict-cpp/README.md |   2 +-
 example/image-classification/train_mnist.py        |   2 +-
 example/profiler/README.md                         |   4 +-
 example/profiler/profiler_imageiter.py             |   2 +-
 example/quantization/README.md                     |   2 +-
 example/quantization/imagenet_gen_qsym.py          |   4 +-
 example/quantization/imagenet_gen_qsym_mkldnn.py   |   4 +-
 example/quantization/imagenet_inference.py         |   4 +-
 example/rnn/bucketing/README.md                    |   2 +-
 example/rnn/old/README.md                          |   2 +-
 example/sparse/README.md                           |   2 +-
 example/sparse/linear_classification/README.md     |   4 +-
 example/ssd/quantization.py                        |   4 +-
 julia/docs/src/index.md                            |   2 +-
 julia/docs/src/tutorial/char-lstm.md               |   4 +-
 julia/docs/src/user-guide/install.md               |   2 +-
 julia/docs/src/user-guide/overview.md              |   2 +-
 .../lib/AI/MXNet/Gluon/ModelZoo.pm                 |   2 +-
 perl-package/AI-MXNet/Changes                      |   2 +-
 perl-package/AI-MXNet/examples/mnist.pl            |   2 +-
 perl-package/AI-MXNet/lib/AI/MXNet.pm              |   4 +-
 perl-package/AI-MXNet/lib/AI/MXNet/Gluon.pm        |   2 +-
 perl-package/AI-MXNet/lib/AI/MXNet/Gluon/Block.pm  |   4 +-
 .../AI-MXNet/lib/AI/MXNet/Gluon/Trainer.pm         |   2 +-
 perl-package/AI-MXNet/lib/AI/MXNet/IO.pm           |   2 +-
 perl-package/AI-MXNet/lib/AI/MXNet/LinAlg.pm       |   4 +-
 perl-package/AI-MXNet/lib/AI/MXNet/Metric.pm       |   2 +-
 perl-package/AI-MXNetCAPI/Changes                  |   2 +-
 perl-package/AI-MXNetCAPI/README                   |   2 +-
 perl-package/AI-NNVMCAPI/Changes                   |   2 +-
 perl-package/AI-NNVMCAPI/README                    |   2 +-
 perl-package/README.md                             |   4 +-
 python/README.md                                   |   2 +-
 python/mxnet/context.py                            |   2 +-
 python/mxnet/gluon/block.py                        |   8 +-
 python/mxnet/gluon/parameter.py                    |   2 +-
 python/mxnet/gluon/trainer.py                      |   2 +-
 python/mxnet/module/base_module.py                 |   8 +-
 scala-package/README.md                            |  16 +-
 .../javaapi/infer/objectdetector/README.md         |   6 +-
 .../javaapi/infer/predictor/README.md              |   2 +-
 .../org/apache/mxnetexamples/benchmark/README.md   |   2 +-
 .../mxnetexamples/cnntextclassification/README.md  |   4 +-
 .../mxnetexamples/infer/imageclassifier/README.md  |   2 +-
 .../mxnetexamples/infer/objectdetector/README.md   |   2 +-
 scala-package/packageTest/README.md                |   2 +-
 scala-package/spark/README.md                      |   2 +-
 setup-utils/install-mxnet-osx-python.sh            |   4 +-
 src/operator/custom/custom.cc                      |   2 +-
 src/operator/nn/layer_norm-inl.h                   |   2 +-
 src/operator/nn/layer_norm.cu                      |   2 +-
 src/operator/nn/softmax-inl.h                      |   2 +-
 src/operator/optimizer_op-inl.h                    |   2 +-
 src/operator/tensor/broadcast_reduce_op.h          |   2 +-
 .../broken_link_checker_test/JenkinsfileForBLC     |   2 +-
 .../broken_link_checker_test/test_broken_links.py  |   4 +-
 tests/python/unittest/test_gluon_utils.py          |   2 +-
 tools/caffe_translator/README.md                   |   4 +-
 tools/caffe_translator/faq.md                      |   4 +-
 tools/coreml/pip_package/README.rst                |   2 +-
 tools/pip/doc/CPU_ADDITIONAL.md                    |   2 +-
 tools/pip/doc/CU100MKL_ADDITIONAL.md               |   2 +-
 tools/pip/doc/CU100_ADDITIONAL.md                  |   2 +-
 tools/pip/doc/CU75MKL_ADDITIONAL.md                |   2 +-
 tools/pip/doc/CU75_ADDITIONAL.md                   |   2 +-
 tools/pip/doc/CU80MKL_ADDITIONAL.md                |   2 +-
 tools/pip/doc/CU80_ADDITIONAL.md                   |   2 +-
 tools/pip/doc/CU90MKL_ADDITIONAL.md                |   2 +-
 tools/pip/doc/CU90_ADDITIONAL.md                   |   2 +-
 tools/pip/doc/CU91MKL_ADDITIONAL.md                |   2 +-
 tools/pip/doc/CU91_ADDITIONAL.md                   |   2 +-
 tools/pip/doc/CU92MKL_ADDITIONAL.md                |   2 +-
 tools/pip/doc/CU92_ADDITIONAL.md                   |   2 +-
 tools/pip/doc/MKL_ADDITIONAL.md                    |   2 +-
 258 files changed, 6082 insertions(+), 1108 deletions(-)
 create mode 100644 docs/python_docs/python/tutorials/deploy/export/onnx.md
 create mode 100644 docs/python_docs/python/tutorials/deploy/inference/wine_detector.md
 rename docs/python_docs/python/tutorials/{packages/gluon => getting-started}/gluon_from_experiment_to_deployment.md (88%)
 create mode 100644 docs/python_docs/python/tutorials/getting-started/logistic_regression_explained.md
 rename docs/python_docs/python/tutorials/packages/autograd/{autograd.md => index.md} (98%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => blocks}/activations/activations.md (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => blocks}/activations/images/elu.png (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => blocks}/activations/images/leakyrelu.png (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => blocks}/activations/images/prelu.png (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => blocks}/activations/images/relu.png (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => blocks}/activations/images/selu.png (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => blocks}/activations/images/sigmoid.png (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => blocks}/activations/images/softrelu.png (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => blocks}/activations/images/softsign.png (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => blocks}/activations/images/swish.png (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => blocks}/activations/images/tanh.png (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => blocks}/blocks.svg (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => blocks}/custom-layer.md (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => blocks}/custom_layer_beginners.md (85%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => blocks}/hybridize.md (91%)
 copy docs/python_docs/python/{api/gluon-related/mxnet.kvstore.create.rst => tutorials/packages/gluon/blocks/index.rst} (91%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => blocks}/init.md (97%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => blocks}/naming.md (99%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => blocks}/nn.md (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => blocks}/parameters.md (76%)
 create mode 100644 docs/python_docs/python/tutorials/packages/gluon/blocks/save_load_params.md
 delete mode 100644 docs/python_docs/python/tutorials/packages/gluon/customop.md
 delete mode 100644 docs/python_docs/python/tutorials/packages/gluon/data.md
 rename docs/python_docs/python/tutorials/packages/gluon/{ => image}/image-augmentation.md (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{custom-loss => loss}/custom-loss.md (93%)
 rename docs/python_docs/python/tutorials/packages/gluon/{custom-loss => loss}/images/contrastive_loss.jpeg (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{custom-loss => loss}/images/inuktitut_1.png (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{custom-loss => loss}/images/inuktitut_2.png (100%)
 copy docs/python_docs/python/tutorials/{deploy/inference/cpp.rst => packages/gluon/loss/index.rst} (93%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => training}/fit_api_tutorial.md (91%)
 copy docs/python_docs/python/{api/gluon/mxnet.gluon.Constant.rst => tutorials/packages/gluon/training/index.rst} (92%)
 copy docs/python_docs/python/{api/gluon-related/mxnet.kvstore.create.rst => tutorials/packages/gluon/training/learning_rates/index.rst} (91%)
 create mode 100644 docs/python_docs/python/tutorials/packages/gluon/training/learning_rates/learning_rate_finder.md
 create mode 100644 docs/python_docs/python/tutorials/packages/gluon/training/learning_rates/learning_rate_schedules.md
 create mode 100644 docs/python_docs/python/tutorials/packages/gluon/training/learning_rates/learning_rate_schedules_advanced.md
 rename docs/python_docs/python/tutorials/packages/gluon/{ => training}/normalization/imgs/NCHW_BN.png (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => training}/normalization/imgs/NCHW_IN.png (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => training}/normalization/imgs/NCHW_LN.png (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => training}/normalization/imgs/NTC_BN.png (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => training}/normalization/imgs/NTC_IN.png (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => training}/normalization/imgs/NTC_LN.png (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => training}/normalization/imgs/data_normalization.jpeg (100%)
 rename docs/python_docs/python/tutorials/packages/gluon/{normalization/normalization.md => training/normalization/index.md} (94%)
 rename docs/python_docs/python/tutorials/packages/gluon/{ => training}/trainer.md (69%)
 create mode 100644 docs/python_docs/python/tutorials/packages/kvstore/kvstore.md
 delete mode 100644 docs/python_docs/python/tutorials/packages/module/index.rst
 create mode 100644 docs/python_docs/python/tutorials/packages/ndarray/gotchas_numpy_in_mxnet.md
 create mode 100644 docs/python_docs/python/tutorials/packages/ndarray/sparse/csr.md
 rename docs/python_docs/python/tutorials/{deploy/export/export.rst => packages/ndarray/sparse/index.rst} (93%)
 create mode 100644 docs/python_docs/python/tutorials/packages/ndarray/sparse/row_sparse.md
 create mode 100644 docs/python_docs/python/tutorials/packages/ndarray/sparse/train.md
 create mode 100644 docs/python_docs/python/tutorials/packages/ndarray/sparse/train_gluon.md
 create mode 100644 docs/python_docs/python/tutorials/packages/onnx/fine_tuning_gluon.md
 create mode 100644 docs/python_docs/python/tutorials/packages/onnx/inference_on_onnx_model.md
 create mode 100644 docs/python_docs/python/tutorials/packages/onnx/super_resolution.md
 rename docs/python_docs/python/tutorials/packages/optimizer/{optimizer.md => index.md} (99%)
 delete mode 100644 docs/python_docs/python/tutorials/packages/symbol/index.rst
 rename docs/python_docs/python/tutorials/performance/backend/{mkl-dnn.rst => mkldnn/index.rst} (71%)
 rename docs/python_docs/python/tutorials/performance/backend/{ => mkldnn}/mkldnn_quantization.md (96%)
 rename docs/python_docs/python/tutorials/performance/backend/{MKLDNN_README.md => mkldnn/mkldnn_readme.md} (99%)
 copy docs/python_docs/python/{api/gluon/mxnet.gluon.Constant.rst => tutorials/performance/backend/tensorrt/index.rst} (79%)
 create mode 100644 docs/python_docs/python/tutorials/performance/backend/tensorrt/tensorrt.md
 create mode 100644 docs/python_docs/python/tutorials/performance/backend/tensorrt/wavenet_optimized.svg
 create mode 100644 docs/python_docs/python/tutorials/performance/backend/tensorrt/wavenet_unoptimized.svg