All Versions
16
Latest Version
Avg Release Cycle
57 days
Latest Release
1517 days ago

Changelog History
Page 2

  • v1.3.1 Changes

    November 12, 2018

    ๐ŸŒฒ MXNet Change Log

    1.3.1

    ๐Ÿ› Bug fixes

    [MXNET-953] Fix oob memory read (v1.3.x) / #13118
    ๐Ÿ›  Simple bugfix addressing an out-of-bounds memory read.

    [MXNET-969] Fix buffer overflow in RNNOp (v1.3.x) / #13119
    ๐Ÿ›  This fixes an buffer overflow detected by ASAN.

    CudnnFind() usage improvements (v1.3.x) / #13123
    This PR improves the MXNet's use of cudnnFind() to address a few issues:

    1. With the gluon imperative style, cudnnFind() is called during forward(), and so might have its timings perturbed by other GPU activity (including potentially other cudnnFind() calls).
    2. With some cuda drivers versions, care is needed to ensure that the large I/O and workspace cudaMallocs() performed by cudnnFind() are immediately released and available to MXNet.
    3. cudnnFind() makes both conv I/O and workspace allocations that must be covered by the GPU global memory headroom defined by MXNET_GPU_MEM_POOL_RESERVE. Per issue #12662, large convolutions can result in out-of-memory errors, even when MXNet's storage allocator has free memory in its pool.

    This PR addresses these issues, providing the following benefits:

    1. Consistent algo choice for a given convolution type in a model, both for instances in the same GPU and in other GPUs in a multi-GPU training setting.
    2. Consistent algo choice from run to run, based on eliminating sources of interference of the cudnnFind() timing process.
    3. Consistent model global memory footprint, both because of the consistent algo choice (algo's can have markedly different workspace requirements) and changes to MXNet's use of cudaMalloc.
    4. Increased training performance based on being able to consistently run with models that approach the GPU's full global memory footprint.

    5. Adds a unittest for and solves issue #12662.

    [MXNET-922] Fix memleak in profiler (v1.3.x) / #13120
    ๐Ÿ›  Fix a memleak reported locally by ASAN during a normal inference test.

    ๐Ÿ›  Fix lazy record io when used with dataloader and multi_worker > 0 (v1.3.x) / #13124
    ๐Ÿ›  Fixes multi_worker data loader when record file is used. The MXRecordIO instance needs to require a new file handler after fork to be safely manipulated simultaneously.

    ๐Ÿ›  This fix also safely voids the previous temporary fixes #12093 #11370.

    ๐Ÿ›  fixed symbols naming in RNNCell, LSTMCell, GRUCell (v1.3.x) / #13158
    ๐Ÿ›  This fixes #12783, by assigning all nodes in hybrid_forward a unique name. Some operations were in fact performed without attaching the appropriate (time) prefix to the name, which makes serialized graphs non-deserializable.

    Fixed __setattr__ method of _MXClassPropertyMetaClass (v1.3.x) / #13157
    Fixed __setattr__ method

    ๐Ÿ‘ allow foreach on input with 0 length (v1.3.x) / #13151
    ๐Ÿ›  Fix #12470. With this change, outs shape can be inferred correctly.

    Infer dtype in SymbolBlock import from input symbol (v1.3.x) / #13117
    ๐Ÿ›  Fix for the issue - #11849
    Currently, Gluon symbol block cannot import any symbol with type other than fp32. All the parameters are created as FP32 leading to failure in importing the params when it is of type fp16, fp64 etc,
    In this PR, we infer the type of the symbol being imported and create the Symbol Block Parameters with that inferred type.
    โž• Added the tests

    ๐Ÿ“š Documentation fixes

    Document the newly added env variable (v1.3.x) / #13156
    Document the env variable: MXNET_ENFORCE_DETERMINISM added in PR: #12992

    ๐Ÿ›  fix broken links (v1.3.x) / #13155
    ๐Ÿ›  This PR fixes broken links on the website.

    ๐Ÿ›  fix broken Python IO API docs (v1.3.x) / #13154
    ๐Ÿ›  Fixes #12854: Data Iterators documentation is broken

    ๐Ÿ‘€ This PR manually specifies members of the IO module so that the docs will render as expected. This is workaround in the docs to deal with a bug introduced in the Python code/structure since v1.3.0. See the comments for more info.

    ๐Ÿ‘€ This PR also fixes another issue that may or may not be related. Cross references to same-named entities like name, shape, or type are confusing Sphinx and it seems to just link to whatever it last dealt with that has the same name, and not the current module. To fix this you have to be very specific. Don't use type, use np.type if that's what you want. Otherwise you might end up with mxnet.kvstore.KVStore.type. This is a known Sphinx issue, so it might be something we have to deal with for the time being.

    This is important for any future modules - that they recognize this issue and make efforts to map the params and other elements.

    โž• add/update infer_range docs (v1.3.x) / #13153
    โšก๏ธ This PR adds or updates the docs for the infer_range feature.

    ๐Ÿ“„ Clarifies the param in the C op docs
    ๐Ÿ“„ Clarifies the param in the the Scala symbol docs
    โž• Adds the param for the the Scala ndarray docs
    โž• Adds the param for the Python symbol docs
    โž• Adds the param for the Python ndarray docs

    Other Improvements

    • [MXNET-1179] Enforce deterministic algorithms in convolution layers (v1.3.x) / #13152
      ๐Ÿ‘€ Some of the CUDNN convolution algorithms are non-deterministic (see issue #11341). This PR adds an env variable to enforce determinism in the convolution operators. If set to true, only deterministic CUDNN algorithms will be used. If no deterministic algorithm is available, MXNet will error out.

    โšก๏ธ Submodule updates

    • โšก๏ธ update mshadow (v1.3.x) / #13122
      โšก๏ธ Update mshadow for omp acceleration when nvcc is not present

    Known issues

    โœ… The test test_operator.test_dropout has issues and has been disabled on the branch:

    • โœ… Disable flaky test test_operator.test_dropout (v1.3.x) / #13200

    ๐Ÿš€ For more information and examples, see full release notes

  • v1.3.0 Changes

    September 11, 2018

    ๐ŸŒฒ MXNet Change Log

    1.3.0

    ๐Ÿ†• New Features - Gluon RNN layers are now HybridBlocks

    • ๐Ÿš€ In this release, Gluon RNN layers such as gluon.rnn.RNN, gluon.rnn.LSTM, gluon.rnn.GRU becomes HybridBlocks as part of gluon.rnn improvements project (#11482).
    • This is the result of newly available fused RNN operators added for CPU: LSTM(#10104), vanilla RNN(#11399), GRU(#10311)
    • Now many dynamic networks that are based on Gluon RNN layers can now be completely hybridized, exported, and used in the inference APIs in other language bindings such as R, Scala, etc.

    MKL-DNN improvements

    • ๐Ÿ‘ Introducing more functionality support for MKL-DNN as follows:
      • Added support for more activation functions like, "sigmoid", "tanh", "softrelu". (#10336)
      • Added Debugging functionality: Result check (#12069) and Backend switch (#12058).

    ๐Ÿ†• New Features - Gluon Model Zoo Pre-trained Models

    • Gluon Vision Model Zoo now provides MobileNetV2 pre-trained models (#10879) in addition to
      AlexNet, DenseNet, Inception V3, MobileNetV1, ResNet V1 and V2, SqueezeNet 1.0 and 1.1, and VGG
      pretrained models.
    • Updated pre-trained models provide state-of-the-art performance on all resnetv1, resnetv2, and vgg16, vgg19, vgg16_bn, vgg19_bn models (#11327 #11860 #11830).

    ๐Ÿ†• New Features - Clojure package (experimental)

    • ๐Ÿ“ฆ MXNet now supports the Clojure programming language. The MXNet Clojure package brings flexible and efficient GPU computing and state-of-art deep learning to Clojure. It enables you to write seamless tensor/matrix computation with multiple GPUs in Clojure. It also lets you construct and customize the state-of-art deep learning models in Clojure, and apply them to tasks, such as image classification and data science challenges.(#11205)
    • ๐Ÿ“š Checkout examples and API documentation here.

    ๐Ÿ†• New Features - Synchronized Cross-GPU Batch Norm (experimental)

    • ๐Ÿ”€ Gluon now supports Synchronized Batch Normalization (#11502).
    • This enables stable training on large-scale networks with high memory consumption such as FCN for image segmentation.

    ๐Ÿ†• New Features - Sparse Tensor Support for Gluon (experimental)

    • ๐Ÿ“œ Sparse gradient support is added to gluon.nn.Embedding. Set sparse_grad=True to enable when constructing the Embedding block. (#10924)
    • ๐Ÿ‘€ Gluon Parameter now supports "row_sparse" storage type, which reduces communication cost and memory consumption for multi-GPU training for large models. gluon.contrib.nn.SparseEmbedding is an example empowered by this. (#11001, #11429)
    • ๐Ÿ“œ Gluon HybridBlock now supports hybridization with sparse operators (#11306).

    ๐Ÿ†• New Features - Control flow operators (experimental)

    • โšก๏ธ This is the first step towards optimizing dynamic neural networks with variable computation graphs, by adding symbolic and imperative control flow operators. Proposal.
    • ๐Ÿ†• New operators introduced: foreach(#11531), while_loop(#11566), cond(#11760).

    ๐Ÿ†• New Features - Scala API Improvements (experimental)

    • ๐Ÿ‘Œ Improvements to MXNet Scala API usability(#10660, #10787, #10991)
    • Symbol.api and NDArray.api would bring new set of functions that have complete definition for all arguments.
    • ๐Ÿ‘€ Please see this Type safe API design document for more details.

    ๐Ÿ†• New Features - Rounding GPU Memory Pool for dynamic networks with variable-length inputs and outputs (experimental)

    • ๐Ÿ‘ MXNet now supports a new memory pool type for GPU memory (#11041).
    • Unlike the default memory pool requires exact size match to reuse released memory chunks, this new memory pool uses exponential-linear rounding so that similar sized memory chunks can all be reused, which is more suitable for all the workloads with dynamic-shape inputs and outputs. Set environment variable MXNET_GPU_MEM_POOL_TYPE=Round to enable.

    ๐Ÿ†• New Features - Topology-aware AllReduce (experimental)

    • This features uses trees to perform the Reduce and Broadcast. It uses the idea of minimum spanning trees to do a binary tree Reduce communication pattern to improve it. This topology aware approach reduces the existing limitations for single machine communication shown by mehods like parameter server and NCCL ring reduction. It is an experimental feature (#11591).
    • โฑ Paper followed for implementation: Optimal message scheduling for aggregation.
    • Set environment variable MXNET_KVSTORE_USETREE=1 to enable.

    ๐Ÿ†• New Features - Export MXNet models to ONNX format (experimental)

    • ๐Ÿ“š With this feature, now MXNet models can be exported to ONNX format(#11213). Currently, MXNet supports ONNX v1.2.1. API documentation.
    • Checkout this tutorial which shows how to use MXNet to ONNX exporter APIs. ONNX protobuf so that those models can be imported in other frameworks for inference.

    ๐Ÿ†• New Features - TensorRT Runtime Integration (experimental)

    • โšก๏ธ TensorRT provides significant acceleration of model inference on NVIDIA GPUs compared to running the full graph in MxNet using unfused GPU operators. In addition to faster fp32 inference, TensorRT optimizes fp16 inference, and is capable of int8 inference (provided the quantization steps are performed). Besides increasing throughput, TensorRT significantly reduces inference latency, especially for small batches.
    • This feature in MXNet now introduces runtime integration of TensorRT into MXNet, in order to accelerate inference.(#11325)
    • ๐Ÿ“ฆ Currently, its in contrib package.

    ๐Ÿ†• New Examples - Scala

    • ๐Ÿ“š Refurnished Scala Examples with improved API, documentation and CI test coverage. (#11753, #11621 )
    • Now all Scala examples have:
      • No bugs block in the middle
      • Good Readme to start with
      • with Type-safe API usage inside
      • monitored in CI in each PR runs

    ๐Ÿšง Maintenance - Flaky Tests improvement effort

    • ๐Ÿ›  Fixed 130 flaky tests on CI. Tracked progress of the project here.
    • โž• Add flakiness checker (#11572)

    ๐Ÿšง Maintenance - MXNet Model Backwards Compatibility Checker

    • โœ… This tool (#11626) helps in ensuring consistency and sanity while performing inference on the latest version of MXNet using models trained on older versions of MXNet.
    • ๐Ÿš€ This tool will help in detecting issues earlier in the development cycle which break backwards compatibility on MXNet and would contribute towards ensuring a healthy and stable release of MXNet.

    ๐Ÿšง Maintenance - Integrated testing for "the Straight Dope"

    • "Deep Learning - The Straight Dope" is a deep learning book based on Apache MXNet Gluon that are contributed by many Gluon users.
    • โœ… Now the testing of this book is integrated in the nightly tests.

    ๐Ÿ› Bug-fixes

    • ๐Ÿ›  Fix gperftools/jemalloc and lapack warning bug. (#11110)
    • ๐Ÿ›  Fix mkldnn performance regression + improve test logging (#11262)
    • ๐Ÿ“œ Fix row_sparse_param.save() (#11266)
    • ๐Ÿ›  Fix trainer init_kvstore (#11266)
    • ๐Ÿ›  Fix axis Bug in MKLDNN Softmax (#11335)
    • Fix 'AttributeError: '_thread._local' object has no attribute 'value'' on distributed processing applications (#11332)
    • ๐Ÿ›  Fix recordfile dataset with multi worker (#11370)
    • Manually check node existence in CachedOp (#11545)
    • Javadoc fix (#11239)
    • ๐Ÿ›  Fix bugs in MKLDNN operators to handle the kAddTo request (#11129)
    • ๐Ÿ›  Fix InferStorage for sparse fallback in FullyConnected (#11498)
    • ๐Ÿ›  Fix batchnorm problem with sparse matrices when fix_gamma=True (#11656)
    • ๐Ÿ›  Fix rnn layer save (#11776)
    • ๐Ÿ›  Fix BucketSentenceIter bug related to #11430 (#11580)
    • Fix for _backward_softsign activation (#11827)
    • ๐Ÿ›  Fix a bug in CachedOp. (#11675)
    • ๐Ÿ›  Fix quantization divide by zero errors (#11833)
    • ๐Ÿ”จ Refactor R optimizers to fix memory leak (#11374)
    • Avoid use of troublesome cudnnFind() results when grad_req='add' (#11338)
    • ๐Ÿ›  Fix shared memory with gluon dataloader, add option pin_memory (#11908)
    • ๐Ÿ›  Fix quantized graph pass bug (#11937)
    • Fix MXPredReshape in the c_predict_api (#11493)
    • ๐Ÿ›  Fix the topk regression issue (#12197)
    • ๐Ÿ›  Fix image-classification example and add missing optimizers w/ momentum support (#11826)

    ๐ŸŽ Performance Improvements

    • โž• Added static allocation and static shape for HybridBloc gluon (#11320)
    • ๐Ÿ›  Fix RecordIO augmentation speed (#11474)
    • ๐Ÿ‘Œ Improve sparse pull performance for gluon trainer (#11429)
    • ๐ŸŽ CTC operator performance improvement from HawkAaron/MXNet-CTC (#11834)
    • ๐Ÿ‘Œ Improve performance of broadcast ops backward pass (#11252)
    • ๐Ÿ‘Œ Improved numerical stability as a result of using stable L2 norm (#11573)
    • ๐ŸŽ Accelerate the performance of topk for GPU and CPU side (#12085 #10997 ; This changes the behavior of topk when nan values occur in the input)
    • ๐Ÿ‘Œ Support for dot(dns, csr) = dns and dot(dns, csr.T) = dns on CPU (#11113)
    • ๐ŸŽ Performance improvement for Batch Dot on CPU from mshadow (mshadow PR#342)

    API Changes

    • ๐Ÿ‘ Allow Scala users to specify data/label names for NDArrayIter (#11256)
    • ๐Ÿ‘ Allow user to define unknown token symbol to rnn encode_sentences() (#10461)
    • Added count_include_pad argument for Avg Pooling (#11021)
    • โž• Add standard ResNet data augmentation for ImageRecordIter (#11027)
    • โž• Add seed_aug parameter for ImageRecordIter to fix random seed for default augmentation (#11247)
    • โž• Add support for accepting MXNet NDArrays in ColorNormalizeAug (#11606)
    • โœจ Enhancement of take operator (#11326)
    • โž• Add temperature parameter in Softmax operator (#11466)
    • โž• Add support for 1D inputs in leaky relu (#11850)
    • โž• Add verify_ssl option to gluon.utils.download (#11546)

    Other features

    • โž• Added ccache reporting to CI (#11322)
    • ๐Ÿณ Restructure dockcross dockerfiles to fix caching (#11302)
    • โž• Added tests for MKLDNN backward operators (#11232)
    • โž• Add elemwise_add/sub between rsp and rsp on GPU (#11179)
    • Add clip_global_norm(row_sparse_grad) (#11266)
    • โž• Add subgraph storage type inference to CachedOp (#11306)
    • โšก๏ธ Enable support for dense weight and sparse grad Adagrad updates (#11355)
    • โž• Added Histogram Operator (#10931)
    • โž• Added Matthew's Correlation Coefficient to metrics (#10524)
    • โž• Added support for add_n(dense, csr, dense) = dense on CPU & GPU (#11330)
    • โž• Added support for add_n(any combination longer than 4 with at least one dense storage) = dense on CPU & GPU (#11330)
    • L1 Normalization (#11229)
    • โž• Add support for int64 data type in CSVIter (#11446)
    • โž• Add test for new int64 type in CSVIter (#11499)
    • โž• Add sample ratio for ROI Align (#11145)
    • Shape and Size Operator (#10889)
    • โž• Add HybidSequentialRNNCell, which can be nested in HybridBlock (#11003)
    • ๐Ÿ‘Œ Support for a bunch of unary functions for csr matrices (#11559)
    • โž• Added NDArrayCollector to dispose intermediate allocated NDArrays automatically (#11751)
    • โž• Added the diag() operator (#11643)
    • โž• Added broadcast_like operator (#11820)
    • ๐Ÿ‘ Allow Partial shape infer for Slice (#11406)
    • โž• Added support to profile kvstore server during distributed training (#11215)
    • โž• Add function for GPU Memory Query to C API (#12083)
    • Generalized reshape_like operator to be more flexible (#11928)
    • โž• Add support for selu activation function (#12059)
    • โž• Add support for accepting NDArray as input to Module predict API (#12166)
    • โž• Add DataDesc type for the Scala Package (#11844)

    Usability Improvements

    • โž• Added NDArray auto-collector for Scala (#11751, #12232)
    • โž• Added docs for mx.initializer.Constant (#10637)
    • โž• Added build from souce instructions on windows (#11276)
    • โž• Added a tutorial explaining how to use the profiler (#11274)
    • โž• Added two tutorials on Learning Rate Schedules (#11296)
    • โž• Added a tutorial for mixed precision training with float16 (#10391)
    • โœ… Create CPP test for concat MKLDNN operator (#11371)
    • โšก๏ธ Update large word language model example (#11405)
    • MNIST Examples for Scala new API (#11250)
    • โšก๏ธ Updated installation info to have latest packages and more clarity (#11503)
    • GAN MNIST Examples for Scala new API (#11547)
    • โž• Added Learning Rate Finder tutorial (#11304)
    • ๐Ÿ›  Fix Installation instructions for R bindings on Linux systems. (#11590)
    • โœ… Integration Test for Scala (#11596)
    • ๐Ÿ“š Documentation enhancement for optimizers (#11657)
    • โšก๏ธ Update rcnn example (#11373)
    • Gluon ModelZoo, Gluon examples for Perl APIs (#11642)
    • ๐Ÿ›  Fix R installation in CI (#11761, #11755, #11768, #11805, #11954, #11976)
    • CNN Examples for Scala new API (#11292)
    • Custom Operator Example for Scala (#11401)
    • โž• Added detailed doc about global pool layers in Gluon (#11832)
    • โšก๏ธ Updated MultiTask example to use new infer api (#11605)
    • โž• Added logistic regression tutorial (#11651)
    • โž• Added Support for integer type in ImageIter (#11864)
    • Added depth_to_space and space_to_depth operators (#11587)
    • ๐Ÿ‘ Increased operator support for ONNX to MXNet importer (#11856)
    • โž• Add linux and macos MKLDNN Building Instruction (#11049)
    • โž• Add download utility for Scala APIs (#11866)
    • ๐Ÿ“š Improving documentation and error messages for Async distributed training with Gluon (#11910)
    • โž• Added NeuralStyle Example for Scala (#11621)

    Known Issues

    • ๐Ÿ— Armv7 docker builds are broken due to problem with dockcross
  • v1.2.1 Changes

    July 17, 2018

    ๐ŸŒฒ MXNet Change Log

    1.2.1

    ๐Ÿ—„ Deprecations

    The usage of save_params described in the gluon book did not reflect the intended usage of the API and led MXNet users to depend on the unintended usage of save_params and load_params. In 1.2.0 release an internal bug fix was made which broke the unintended usage use case and users scripts.
    โช To correct the API change, the behavior of save_params API has been reverted to the behavior of MXNet v1.1.0 in v1.2.1. The intended and correct use are now supported with the new APIs save_parameters and load_parameters.
    With v1.2.1, usage of save_params and load_params APIs will resume their former functionality and a deprecation warning will appear.
    All scripts to save and load parameters for a Gluon model should use the new APIs: save_parameters and load_parameters. If your model is hybridizable and you want to export a serialized structure of the model as well as parameters you should migrate your code to use export API and the newly added imports API instead of save_params and load_params API. Please refer to the Saving and Loading Gluon Models Tutorial for more information.

    ๐Ÿ‘‰ User Code Changes

    • If you have been using the save_params and load_params API, below are the recommendations on how to update your code:
    1. If you save parameters to load it back into a SymbolBlock, it is strongly recommended to use export and imports API instead. For more information, please see the Saving and Loading Gluon Models Tutorial.
    2. If you created gluon layers without a name_scope using MXNet 1.2.0, you must replace save_params with save_parameters. Otherwise, your models saved in 1.2.1 will fail to load back, although this worked in 1.2.0.
    3. For the other use cases, such as models created within a name_scope (inside a with name_scope() block) or models being loaded back into gluon and not SymbolBlock, we strongly recommend replacing save_params and load_params with save_parameters and load_parameters. Having said that, your code won't break in 1.2.1 but will give you a deprecated warning message for save_params and load_params.

    Incompatible API Changes

    • ๐Ÿš€ We are breaking semantic versioning by making a backwards incompatible change from 1.2.0 in the 1.2.1 patch release. The breaking use case is documented in point 2 above. The reason for doing this is because the 1.2.0 release broke a documented use case from the gluon book and this release reverts the breakage.
    • ๐Ÿš€ We did break the promise with semantic versioning due to the API behavior change in 1.2.0 and the backward incompatible change between 1.2.0 and 1.2.1 patch release. The breaking use case is documented in point 2 above. The reason for doing this is because the 1.2.0 release broke a documented use case from the gluon book and this release reverts the breakage. As a community, we apologize for the inconvenience caused and will continue to strive to uphold semantic versioning.

    ๐Ÿ› Bug Fixes

    ๐ŸŽ Performance Improvements

    • โฌ‡๏ธ Reduced memory consumption from inplace operation for ReLU activation (#10847).
    • ๐Ÿ‘Œ Improved slice operator performance by 20x (#11124).
    • ๐Ÿ‘Œ Improved performance of depthwise convolution by using cudnnv7 if available (#11076).
    • Improved performance and memory usage of Conv1D, by adding back cuDNN support for Conv1D (#11270). This adds a known issue: The cuDNN convolution operator may throw CUDNN_STATUS_EXECUTION_FAILED when req == "add" and cudnn_tune != off with large inputs(e.g. 64k channels). If you encounter this issue, please consider setting MXNET_CUDNN_AUTOTUNE_DEFAULT to 0.
  • v1.2.0 Changes

    May 21, 2018

    ๐ŸŒฒ MXNet Change Log

    1.2.0

    ๐Ÿ†• New Features - Added Scala Inference APIs

    • Implemented new Scala Inference APIs which offer an easy-to-use, Scala Idiomatic and thread-safe high level APIs for performing predictions with deep learning models trained with MXNet (#9678). Implemented a new ImageClassifier class which provides APIs for classification tasks on a Java BufferedImage using a pre-trained model you provide (#10054). Implemented a new ObjectDetector class which provides APIs for object and boundary detections on a Java BufferedImage using a pre-trained model you provide (#10229).

    ๐Ÿ†• New Features - Added a Module to Import ONNX models into MXNet

    • Implemented a new ONNX module in MXNet which offers an easy to use API to import ONNX models into MXNet's symbolic interface (#9963). Checkout the example on how you could use this API to import ONNX models and perform inference on MXNet. Currently, the ONNX-MXNet Import module is still experimental. Please use it with caution.

    ๐Ÿ†• New Features - Added Support for Model Quantization with Calibration

    • Implemented model quantization by adopting the TensorFlow approach with calibration by borrowing the idea from Nvidia's TensorRT. The focus of this work is on keeping quantized models (ConvNets for now) inference accuracy loss under control when compared to their corresponding FP32 models. Please see the example on how to quantize a FP32 model with or without calibration (#9552). Currently, the Quantization support is still experimental. Please use it with caution.

    ๐Ÿ†• New Features - MKL-DNN Integration

    • MXNet now integrates with Intel MKL-DNN to accelerate neural network operators: Convolution, Deconvolution, FullyConnected, Pooling, Batch Normalization, Activation, LRN, Softmax, as well as some common operators: sum and concat (#9677). This integration allows NDArray to contain data with MKL-DNN layouts and reduces data layout conversion to get the maximal performance from MKL-DNN. Currently, the MKL-DNN integration is still experimental. Please use it with caution.

    ๐Ÿ†• New Features - Added Exception Handling Support for Operators

    • ๐Ÿ‘ป Implemented Exception Handling Support for Operators in MXNet. MXNet now transports backend C++ exceptions to the different language front-ends and prevents crashes when exceptions are thrown during operator execution (#9681).

    ๐Ÿ†• New Features - Enhanced FP16 support

    • โž• Added support for distributed mixed precision training with FP16. It supports storing of master copy of weights in float32 with the multi_precision mode of optimizers (#10183). Improved speed of float16 operations on x86 CPU by 8 times through F16C instruction set. Added support for more operators to work with FP16 inputs (#10125, #10078, #10169). Added a tutorial on using mixed precision with FP16 (#10391).

    ๐Ÿ†• New Features - Added Profiling Enhancements

    • โœจ Enhanced built-in profiler to support native Intelยฎ๏ธ VTuneโ„ข๏ธ Amplifier objects such as Task, Frame, Event, Counter and Marker from both C++ and Python -- which is also visible in the Chrome tracing view(#8972). Added Runtime tracking of symbolic and imperative operators as well as memory and API calls. Added Tracking and dumping of aggregate profiling data. Profiler also no longer affects runtime performance when not in use.

    ๐Ÿ’ฅ Breaking Changes

    • ๐Ÿ”„ Changed Namespace for MXNet scala from ml.dmlc.mxnet to org.apache.mxnet (#10284).
    • Changed API for the Pooling operator from mxnet.symbol.Pooling(data=None, global_pool=_Null, cudnn_off=_Null, kernel=_Null, pool_type=_Null, pooling_convention=_Null, stride=_Null, pad=_Null, name=None, attr=None, out=None, **kwargs) to mxnet.symbol.Pooling(data=None, kernel=_Null, pool_type=_Null, global_pool=_Null, cudnn_off=_Null, pooling_convention=_Null, stride=_Null, pad=_Null, name=None, attr=None, out=None,**kwargs). This is a breaking change when kwargs are not provided since the new api expects the arguments starting from global_pool at the fourth position instead of the second position. (#10000).

    ๐Ÿ› Bug Fixes

    • ๐Ÿ›  Fixed tests - Flakiness/Bugs - (#9598, #9951, #10259, #10197, #10136, #10422). Please see: Tests Improvement Project
    • Fixed cudnn_conv and cudnn_deconv deadlock (#10392).
    • ๐Ÿ›  Fixed a race condition in io.LibSVMIter when batch size is large (#10124).
    • ๐Ÿ›  Fixed a race condition in converting data layouts in MKL-DNN (#9862).
    • ๐Ÿ›  Fixed MKL-DNN sigmoid/softrelu issue (#10336).
    • ๐Ÿ›  Fixed incorrect indices generated by device row sparse pull (#9887).
    • ๐Ÿ›  Fixed cast storage support for same stypes (#10400).
    • ๐Ÿ›  Fixed uncaught exception for bucketing module when symbol name not specified (#10094).
    • ๐Ÿ›  Fixed regression output layers (#9848).
    • ๐Ÿ›  Fixed crash with mx.nd.ones (#10014).
    • Fixed sample_multinomial crash when get_prob=True (#10413).
    • ๐Ÿ›  Fixed buggy type inference in correlation (#10135).
    • ๐Ÿ›  Fixed race condition for CPUSharedStorageManager->Free and launched workers at iter init stage to avoid frequent relaunch (#10096).
    • ๐Ÿ›  Fixed DLTensor Conversion for int64 (#10083).
    • ๐Ÿ›  Fixed issues where hex symbols of the profiler were not being recognized by chrome tracing tool(#9932)
    • ๐Ÿ›  Fixed crash when profiler was not enabled (#10306)
    • ๐Ÿ›  Fixed ndarray assignment issues (#10022, #9981, #10468).
    • ๐Ÿ›  Fixed incorrect indices generated by device row sparse pull (#9887).
    • ๐Ÿ›  Fixed print_summary bug in visualization module (#9492).
    • ๐Ÿ›  Fixed shape mismatch in accuracy metrics (#10446).
    • ๐Ÿ›  Fixed random samplers from uniform and random distributions in R bindings (#10450).
    • ๐Ÿ›  Fixed a bug that was causing training metrics to be printed as NaN sometimes (#10437).
    • ๐Ÿ›  Fixed a crash with non positive reps for tile ops (#10417).

    ๐ŸŽ Performance Improvements

    • On average, after the MKL-DNN change, the inference speed of MXNet + MKLDNN outperforms MXNet + OpenBLAS by a factor of 32, outperforms MXNet + MKLML by 82% and outperforms MXNet + MKLML with the experimental flag by 8%. The experiments were run for the image classifcation example, for different networks and different batch sizes.
    • ๐Ÿ‘Œ Improved sparse SGD, sparse AdaGrad and sparse Adam optimizer speed on GPU by 30x (#9561, #10312, #10293, #10062).
    • ๐Ÿ‘Œ Improved sparse.retain performance on CPU by 2.5x (#9722)
    • Replaced std::swap_ranges with memcpy (#10351)
    • Implemented DepthwiseConv2dBackwardFilterKernel which is over 5x faster (#10098)
    • Implemented CPU LSTM Inference (#9977)
    • โž• Added Layer Normalization in C++ (#10029)
    • ๐ŸŽ Optimized Performance for rtc (#10018)
    • ๐Ÿ‘Œ Improved CPU performance of ROIpooling operator by using OpenMP (#9958)
    • Accelerated the calculation of F1 (#9833)

    API Changes

    • Block.save_params now match parameters according to model structure instead of names to avoid prefix mismatching problems during saving and loading (#10511).
    • โž• Added an optional argument ctx to mx.random.seed. Seeding with ctx option produces random number sequence independent of device id. (#10367).
    • โž• Added copy flag for astype (#10347).
    • โž• Added context parameter to Scala Infer API - ImageClassifier and ObjectDetector (#10252).
    • โž• Added axes support for dropout in gluon (#10032).
    • โž• Added default ctx to cpu for gluon.Block.load_params (#10160).
    • โž• Added support for variable sequence length in gluon.RecurrentCell (#9934).
    • โž• Added convenience fluent method for squeeze op (#9734).
    • Made array.reshape compatible with numpy (#9790).
    • โž• Added axis support and gradient for L2norm (#9740).

    ๐Ÿ“œ Sparse Support

    • โž• Added support for multi-GPU training with row_sparse weights using device KVStore (#9987).
    • โž• Added Module.prepare API for multi-GPU and multi-machine training with row_sparse weight (#10285).
    • โž• Added deterministic option for contrib.SparseEmbedding operator (#9846).
    • ๐Ÿ“œ Added sparse.broadcast_mul and sparse.broadcast_div with CSRNDArray and 1-D dense NDArray on CPU (#10208).
    • โž• Added sparse support for Custom Operator (#10374).
    • โž• Added Sparse feature for Perl (#9988).
    • โž• Added force_deterministic option for sparse embedding (#9882).
    • โž• Added sparse.where with condition being csr ndarray (#9481).

    ๐Ÿ—„ Deprecations

    • Deprecated profiler_set_state (#10156).

    Other Features

    • โž• Added constant parameter for gluon (#9893).
    • โž• Added contrib.rand.zipfian (#9747).
    • โž• Added Gluon PreLU, ELU, SELU, Swish activation layers for Gluon (#9662)
    • โž• Added Squeeze Op (#9700).
    • โž• Added multi-proposal operator (CPU version) and fixed bug in multi-proposal operator (GPU version) (#9939).
    • โž• Added in Large-Batch SGD with a warmup, and a LARS startegy (#8918).
    • โž• Added Language Modelling datasets and Sampler (#9514).
    • โž• Added instance norm and reflection padding to Gluon (#7938).
    • โž• Added micro-averaging strategy for F1 metric (#9777).
    • โž• Added Softsign Activation Function (#9851).
    • โž• Added eye operator, for default storage type (#9770).
    • โž• Added TVM bridge support to JIT NDArray Function by TVM (#9880).
    • โž• Added float16 support for correlation operator and L2Normalization operator (#10125, #10078).
    • โž• Added random shuffle implementation for NDArray (#10048).
    • โž• Added load from buffer functions for CPP package (#10261).

    Usability Improvements

    • โž• Added embedding learning example for Gluon (#9165).
    • โž• Added tutorial on how to use data augmenters (#10055).
    • โž• Added tutorial for Data Augmentation with Masks (#10178).
    • โž• Added LSTNet example (#9512).
    • โž• Added MobileNetV2 example (#9614).
    • โž• Added tutorial for Gluon Datasets and DataLoaders (#10251).
    • โž• Added Language model with Google's billion words dataset (#10025).
    • โž• Added example for custom operator using RTC (#9870).
    • ๐Ÿ‘Œ Improved image classification examples (#9799, #9633).
    • Added reshape predictor function to c_predict_api (#9984).
    • โž• Added guide for implementing sparse ops (#10081).
    • โž• Added naming tutorial for gluon blocks and parameters (#10511).

    Known Issues

    • MXNet crash when built with USE_GPERFTOOLS = 1 (#8968).
    • โœ… DevGuide.md in the 3rdparty submodule googletest licensed under CC-BY-2.5.
    • ๐Ÿ‘ป Incompatibility in the behavior of MXNet Convolution operator for certain unsupported use cases: Raises an exception when MKLDNN is enabled, fails silently when it is not.
    • MXNet convolution generates wrong results for 1-element strides (#10689).
    • Tutorial on fine-tuning an ONNX model fails when using cpu context.
    • ๐Ÿ— CMake build ignores the USE_MKLDNN flag and doesn't build with MKLDNN support even with -DUSE_MKLDNN=1. To workaround the issue please see: #10801.
    • โšก๏ธ Linking the dmlc-core library fails with CMake build when building with USE_OPENMP=OFF. To workaround the issue, please use the updated CMakeLists in dmlc-core unit tests directory: dmlc/dmlc-core#396. You can also workaround the issue by using make instead of cmake when building with USE_OPENMP=OFF.

    ๐Ÿš€ For more information and examples, see full release notes

  • v1.1.0 Changes

    February 19, 2018

    ๐ŸŒฒ MXNet Change Log

    1.1.0

    Usability Improvements

    • ๐Ÿ‘Œ Improved the usability of examples and tutorials

    ๐Ÿ› Bug-fixes

    • ๐Ÿ›  Fixed I/O multiprocessing for too many open file handles (#8904), race condition (#8995), deadlock (#9126).
    • ๐Ÿ›  Fixed image IO integration with OpenCV 3.3 (#8757).
    • ๐Ÿ›  Fixed Gluon block printing (#8956).
    • ๐Ÿ›  Fixed float16 argmax when there is negative input. (#9149)
    • ๐Ÿ›  Fixed random number generator to ensure sufficient randomness. (#9119, #9256, #9300)
    • ๐Ÿ›  Fixed custom op multi-GPU scaling (#9283)
    • ๐Ÿ›  Fixed gradient of gather_nd when duplicate entries exist in index. (#9200)
    • ๐Ÿ›  Fixed overriden contexts in Module group2ctx option when using multiple contexts (#8867)
    • Fixed swap_axes operator with "add_to" gradient req (#9541)

    ๐Ÿ†• New Features

    • โž• Added experimental API in contrib.text for building vocabulary, and loading pre-trained word embeddings, with built-in support for 307 GloVe and FastText pre-trained embeddings. (#8763)
    • โž• Added experimental structural blocks in gluon.contrib: Concurrent, HybridConcurrent, Identity. (#9427)
    • โž• Added sparse.dot(dense, csr) operator (#8938)
    • โž• Added Khatri-Rao operator (#7781)
    • โž• Added FTML and Signum optimizer (#9220, #9262)
    • Added ENABLE_CUDA_RTC build option (#9428)

    API Changes

    • โž• Added zero gradients to rounding operators including rint, ceil, floor, trunc, and fix (#9040)
    • Added use_global_stats in nn.BatchNorm (#9420)
    • โž• Added axis argument to SequenceLast, SequenceMask and SequenceReverse operators (#9306)
    • โšก๏ธ Added lazy_update option for standard SGD & Adam optimizer with row_sparse gradients (#9468, #9189)
    • โž• Added select option in Block.collect_params to support regex (#9348)
    • โž• Added support for (one-to-one and sequence-to-one) inference on explicit unrolled RNN models in R (#9022)

    ๐Ÿ—„ Deprecations

    • ๐Ÿš€ The Scala API name space is still called ml.dmlc. The name space is likely be changed in a future release to org.apache and might break existing applications and scripts (#9579, #9324)

    ๐ŸŽ Performance Improvements

    • ๐Ÿ‘Œ Improved GPU inference speed by 20% when batch size is 1 (#9055)
    • ๐Ÿ‘Œ Improved SequenceLast operator speed (#9306)
    • โž• Added multithreading for the class of broadcast_reduce operators on CPU (#9444)
    • ๐Ÿ‘Œ Improved batching for GEMM/TRSM operators with large matrices on GPU (#8846)

    Known Issues

    • "Predict with pre-trained models" tutorial is broken
    • "example/numpy-ops/ndarray_softmax.py" is broken

    ๐Ÿš€ For more information and examples, see full release notes

  • v1.0.0 Changes

    December 04, 2017

    ๐ŸŒฒ MXNet Change Log

    1.0.0

    ๐ŸŽ Performance

    • โœจ Enhanced the performance of sparse.dot operator.
    • MXNet now automatically set OpenMP to use all available CPU cores to maximize CPU utilization when NUM_OMP_THREADS is not set.
    • ๐ŸŽ Unary and binary operators now avoid using OpenMP on small arrays if using OpenMP actually hurts performance due to multithreading overhead.
    • โž• Significantly improved performance of broadcast_add, broadcast_mul, etc on CPU.
    • โž• Added bulk execution to imperative mode. You can control segment size with mxnet.engine.bulk. As a result, the speed of Gluon in hybrid mode is improved, especially on small networks and multiple GPUs.
    • ๐Ÿ‘Œ Improved speed for ctypes invocation from Python frontend.

    ๐Ÿ†• New Features - Gradient Compression [Experimental]

    • Speed up multi-GPU and distributed training by compressing communication of gradients. This is especially effective when training networks with large fully-connected layers. In Gluon this can be activated with compression_params in Trainer.

    ๐Ÿ†• New Features - Support of NVIDIA Collective Communication Library (NCCL) [Experimental]

    • ๐Ÿ‘‰ Use kvstore=โ€™ncclโ€™ for (in some cases) faster training on multiple GPUs.
    • Significantly faster than kvstore=โ€™deviceโ€™ when batch size is small.
    • It is recommended to set environment variable NCCL_LAUNCH_MODE to PARALLEL when using NCCL version 2.1 or newer.

    ๐Ÿ†• New Features - Advanced Indexing [General Availability]

    ๐Ÿ†• New Features - Gluon [General Availability]

    • ๐ŸŽ Performance optimizations discussed above.
    • โž• Added support for loading data in parallel with multiple processes to gluon.data.DataLoader. The number of workers can be set with num_worker. Does not support windows yet.
    • โž• Added Block.cast to support networks with different data types, e.g. float16.
    • โž• Added Lambda block for wrapping a user defined function as a block.
    • ๐Ÿ‘ Generalized gluon.data.ArrayDataset to support arbitrary number of arrays.

    ๐Ÿ†• New Features - ARM / Raspberry Pi support [Experimental]

    ๐Ÿ†• New Features - NVIDIA Jetson support [Experimental]

    • MXNet now compiles and runs on NVIDIA Jetson TX2 boards with GPU acceleration.
    • ๐Ÿ“ฆ You can install the python MXNet package on a Jetson board by running - $ pip install mxnet-jetson-tx2.

    ๐Ÿ†• New Features - Sparse Tensor Support [General Availability]

    • โž• Added more sparse operators: contrib.SparseEmbedding, sparse.sum and sparse.mean.
    • โž• Added asscipy() for easier conversion to scipy.
    • โž• Added check_format() for sparse ndarrays to check if the array format is valid.

    ๐Ÿ› Bug-fixes

    • ๐Ÿ›  Fixed a[-1] indexing doesn't work on NDArray.
    • ๐Ÿ›  Fixed expand_dims if axis < 0.
    • ๐Ÿ›  Fixed a bug that causes topk to produce incorrect result on large arrays.
    • ๐Ÿ‘Œ Improved numerical precision of unary and binary operators for float64 data.
    • ๐Ÿ›  Fixed derivatives of log2 and log10. They used to be the same with log.
    • ๐Ÿ›  Fixed a bug that causes MXNet to hang after fork. Note that you still cannot use GPU in child processes after fork due to limitations of CUDA.
    • ๐Ÿ›  Fixed a bug that causes CustomOp to fail when using auxiliary states.
    • ๐Ÿ›  Fixed a security bug that is causing MXNet to listen on all available interfaces when running training in distributed mode.

    โšก๏ธ Doc Updates

    • โž• Added a security best practices document under FAQ section.
    • ๐Ÿ›  Fixed License Headers including restoring copyright attributions.
    • ๐Ÿ“š Documentation updates.
    • ๐Ÿ”— Links for viewing source.

    ๐Ÿš€ For more information and examples, see full release notes