Hi I made a quick breakdown of time spent on unit tests (in seconds) per test and per test class. I run CPU tests on an m1 instance.
As you can see the slowest test classes are: test_operator, 630.9269999999999 test_gluon, 261.10600000000017 test_profiler, 159.42700000000002 test_gluon_model_zoo, 130.854 test_metric_perf, 88.016 test_gluon_data, 59.193 test_io, 58.928000000000004 test_optimizer, 54.63099999999999 I think we should dive deep in some of those tests and see how can we make them lighter. Any thoughts? Pedro.
test_operator, 630.9269999999999 test_gluon, 261.10600000000017 test_profiler, 159.42700000000002 test_gluon_model_zoo, 130.854 test_metric_perf, 88.016 test_gluon_data, 59.193 test_io, 58.928000000000004 test_optimizer, 54.63099999999999 test_loss, 38.623000000000005 test_contrib_control_flow, 31.102 test_sparse_operator, 28.695 test_image.TestImage, 24.433999999999997 test_recordio, 24.005999999999997 test_ndarray, 14.827999999999994 test_sparse_ndarray, 12.546 test_module, 8.017 test_gluon_contrib, 6.757 test_contrib_io, 3.525 test_gluon_rnn, 2.838 test_subgraph, 2.56 test_executor, 1.762 test_gluon_utils, 1.462 test_contrib_text, 1.032 test_kvstore, 0.942 test_symbol, 0.397 test_subgraph_op, 0.345 test_gluon_trainer, 0.27 test_test_utils, 0.251 test_contrib_optimizer, 0.235 test_rnn, 0.16500000000000004 test_autograd, 0.15300000000000005 test_contrib_operator, 0.14200000000000002 test_gluon_data_vision, 0.077 test_exc_handling, 0.063 test_metric, 0.043000000000000003 test_contrib_autograd, 0.039 test_init, 0.027999999999999997 test_contrib_svrg_module, 0.025 test_thread_local, 0.023 test_predictor, 0.02 test_multi_device_exec, 0.016 test_contrib_svrg_optimizer, 0.013000000000000001 test_engine, 0.012 test_infer_type, 0.012 test_infer_shape, 0.009000000000000001 test_model_parallel, 0.009 test_contrib_krprod, 0.008 test_viz, 0.006 test_attr, 0.005 test_engine_import, 0.002 test_base.MXNetDataDirTest, 0.0 nose.failure.Failure, 0.0
test_models, 130.854 test_slice_pooling2d_slice_pooling2d, 126.273 test_psroipooling, 101.859 test_pick, 99.113 test_continuous_profile_and_instant_marker, 88.328 test_metric_performance, 88.016 test_broadcast_binary_op, 87.497 test_datasets, 45.359 test_layer_norm, 42.679 test_order, 36.46 test_NDArrayIter, 32.427 test_slice_pooling2d, 29.235 test_slice_batchnorm, 28.137 test_stack, 26.771 test_slice_batchnorm_reshape_batchnorm, 25.103 test_profiler, 24.563 test_recordio_pack_label, 23.987 test_lstm_dropout, 23.58 test_adam, 23.38 test_reduce, 19.459 test_Cifar10Rec, 18.818 test_cond, 17.734 test_gru_dropout, 17.297 test_lstm_bidirectional, 16.692 test_imageiter, 16.551 test_profile_tune_pause_resume, 14.664 test_legacy_save_params, 14.139 test_gru_bidirectional, 13.197 test_laop_2, 11.906 test_lstm_sym, 10.996 test_correlation, 10.212 test_rms, 10.177 test_profile_counter, 9.983 test_symbol_block, 9.779 test_while_loop_for_foreach, 9.172 test_gru_sym, 8.293 test_conv2d_16c, 8.189 test_one_hot, 7.545 test_order, 7.424 test_profile_event, 7.347 test_profile_task, 7.298 test_synthetic_dataset_generator, 7.261 test_profile_frame, 7.226 test_laop_3, 6.976 test_binary_op, 6.563 test_elemwise_binary_ops, 6.522 test_rnnrelu_dropout, 6.42 test_datasets, 6.382 test_rnntanh_dropout, 6.345 test_multi_worker, 6.325 test_pad, 6.01 test_multi_proposal_op, 5.72 test_sparse_square_sum, 5.702 test_executor_group, 5.57 test_hybrid_static_memory, 5.43 test_MNISTIter, 5.16 test_recordimage_dataset_with_data_loader_multiworker, 4.896 test_nadam, 4.88 test_cast_storage_ex, 4.652 test_sparse_nd_broadcast, 4.591 test_batchnorm_training, 4.399 test_l2_normalization, 4.297 test_sgd, 4.192 test_poisson_nllloss_mod, 4.033 test_triplet_loss, 3.862 test_ctc_loss_train, 3.825 test_resize_short, 3.794 test_rnntanh_bidirectional, 3.721 test_unary_math_operators, 3.666 test_contrib_DataLoaderIter, 3.525 test_huber_loss, 3.433 test_crop, 3.402 test_saveload, 3.36 test_squared_hinge_loss, 3.289 test_sparse_dot, 3.25 test_signum, 3.184 test_hinge_loss, 3.138 test_diag, 3.049 test_roipooling, 3.038 test_sparse_sgd, 2.919 test_rnntanh_sym, 2.816 test_sparse_storage_fallback, 2.771 test_dtype, 2.719 test_hybrid_static_memory_switching, 2.704 test_batch_dot, 2.601 test_make_subgraph, 2.56 test_sample_weight_loss, 2.558 test_batchnorm_fallback, 2.513 test_where, 2.459 test_ftml, 2.37 test_l2_loss, 2.303 test_l1_loss, 2.296 test_dot, 2.262 test_ce_loss, 2.218 test_laop, 2.174 test_LibSVMIter, 2.13 test_bce_loss, 2.128 test_kl_loss, 2.127 test_nag, 2.023 test_broadcast, 2.019 test_ndarray_indexing, 1.945 test_sparse_retain, 1.838 test_op_roi_align, 1.797 test_factorization_machine_module, 1.577 test_bind, 1.56 test_stn, 1.486 test_multiprocessing_download_successful, 1.457 test_concat, 1.378 test_quadratic_function, 1.361 test_while_loop_simple_forward, 1.357 test_broadcast, 1.343 test_spacetodepth, 1.288 test_recordimage_dataset, 1.261 test_while_loop_rnn, 1.238 test_broadcast_binary, 1.196 test_det_augmenters, 1.167 test_image_detiter, 1.08 test_sequence_mask, 1.008 test_rnn_unroll_variant_length, 0.995 test_download_embed, 0.964 test_ndarray_elementwise, 0.936 test_softmax_with_temperature, 0.929 test_depthtospace, 0.904 test_conv, 0.86 test_concat, 0.843 test_leaky_relu, 0.843 test_rnn_cells, 0.84 test_reduce, 0.754 test_export, 0.731 test_rnnrelu_bidirectional, 0.728 test_multi_worker_forked_data_loader, 0.722 test_augmenters, 0.712 test_save_load, 0.655 test_import, 0.636 test_activation, 0.631 test_custom_op, 0.616 test_contrib_rnn, 0.615 test_instance_normalization, 0.612 test_std_sparse_sgd, 0.612 test_list_dataset, 0.599 test_log_softmax, 0.59 test_adagrad, 0.571 test_div_sqrt_dim, 0.567 test_sequence_reverse, 0.547 test_summary, 0.544 test_adaptive_avg_pool_op, 0.497 test_binary_math_operators, 0.472 test_slice_activation_reshape_activation, 0.463 test_group_conv2d_16c, 0.457 test_foreach, 0.437 test_slice_activation_slice_activation, 0.415 test_rnn_layers, 0.399 test_imdecode, 0.391 test_sparse_mathematical_core, 0.39 test_take, 0.386 test_imdecode_bytearray, 0.379 test_rnnrelu_sym, 0.347 test_subgraph_exe, 0.345 test_ctc_loss, 0.343 test_symbol_block_save_load, 0.334 test_elemwise_add_ex, 0.333 test_sparse_aggregator, 0.325 test_hybrid_multi_context, 0.324 test_ftrl, 0.305 test_nearest_upsampling, 0.297 test_symbol_fluent, 0.297 test_softmin, 0.293 test_hybrid_static_memory_recording, 0.283 test_norm, 0.281 test_convolution_dilated_impulse_response, 0.275 test_group_adagrad, 0.235 test_download_successful, 0.202 test_CSVIter, 0.196 test_dot, 0.195 test_sparse_nd_where, 0.194 test_foreach_rnn, 0.192 test_image_iter_exception, 0.191 test_invalid_pull, 0.187 test_module_ctx_group, 0.186 test_rnn_cells, 0.184 test_reverse, 0.179 test_imread_vs_imdecode, 0.177 test_color_normalize, 0.174 test_module_switch_bucket, 0.172 test_slice_activation, 0.17 test_aggregator, 0.166 test_reshape_dense_slice_dense, 0.165 test_updater, 0.163 test_module_states, 0.154 test_buffer_load, 0.141 test_dropout, 0.137 test_reshape_activation_reshape_activation, 0.136 test_forward_reshape, 0.136 test_slice, 0.135 test_sparse_nd_binary, 0.132 test_rnn_cells_export_import, 0.125 test_pool, 0.123 test_lstm_cpu_inference, 0.12 test_reshape_conv, 0.106 test_sparse_broadcast_add_sub, 0.104 test_save_load, 0.101 test_reshape, 0.101 test_share_inputs_outputs, 0.1 test_slice_dense_slice_dense, 0.1 test_trainer_sparse_kv, 0.1 test_sparse_nd_binary_scalar_op, 0.1 test_reshape_activation_slice_activation, 0.099 test_slice_dense, 0.098 test_box_iou_op, 0.095 test_new_softmax, 0.093 test_elementwise_sum, 0.092 test_trainer_multi_layer_init, 0.09 test_slice_dense_reshape_dense, 0.087 test_unroll_layout, 0.086 test_sparse_broadcast_mul_div, 0.085 test_bilinear_resize_op, 0.084 test_uniq_name, 0.082 test_hybridstack, 0.08 test_req, 0.079 test_norm, 0.078 test_deconv, 0.076 test_parameter_sharing, 0.075 test_selu, 0.074 test_ndarray_saveload, 0.073 test_paramdict, 0.071 test_slice_axis, 0.07 test_deformable_convolution, 0.07 test_load_000800, 0.069 test_output_format_while, 0.067 test_transpose, 0.067 test_reshape_dense, 0.066 test_binary_func, 0.063 test_scatter_ops, 0.063 test_fill_shape_load, 0.062 test_slice_conv, 0.061 test_index2d, 0.061 test_sparse_nd_fluent, 0.061 test_repeat, 0.059 test_contrib_sparse_embedding, 0.059 test_ndarray_fluent, 0.058 test_slice_like, 0.058 test_while_loop_nested, 0.057 test_vardrop, 0.055 test_output_format_foreach, 0.054 test_hard_sigmoid, 0.054 test_sparse_embedding, 0.05 test_download_retries, 0.049 test_row_sparse_pull, 0.048 test_mathematical, 0.048 test_basic, 0.045 test_binary_logic, 0.045 test_expand_dims, 0.043 test_trainer_reset_kv, 0.042 test_squeeze_op, 0.041 test_sparse_nd_random, 0.04 test_sparse_nd_save_load, 0.039 test_convolution_grouping, 0.038 test_box_nms_op, 0.037 test_softsign, 0.037 test_grid_generator, 0.036 test_reshape_dense_reshape_dense, 0.034 test_regression, 0.034 test_tile, 0.034 test_layer_bidirectional, 0.033 test_sparse_elementwise_sum, 0.033 test_cell_fill_shape, 0.032 test_flip, 0.032 test_inline, 0.031 test_cbrt_op, 0.031 test_sparse_dot_determinism, 0.031 test_sparse_unary_with_numerics, 0.031 test_lstm, 0.03 test_global_norm_clip, 0.029 test_slice_conv_slice_conv, 0.029 test_reshape_conv_slice_conv, 0.029 test_reshape_activation, 0.028 test_conv_fill_shape, 0.028 test_convgru, 0.027 test_stack, 0.027 test_relu, 0.027 test_unfuse, 0.027 test_bucket_module_ctx_group, 0.026 test_pow_fn, 0.026 test_sigmoid, 0.026 test_histogram, 0.026 test_sparse_axis_operations, 0.026 test_unary_func, 0.025 test_activations, 0.025 test_concurrent, 0.025 test_module_reshape, 0.025 test_sparse_nd_check_format, 0.025 test_cut_subgraph_while_loop, 0.024 test_split_data, 0.023 test_reciprocal_op, 0.023 test_rcbrt_op, 0.023 test_sparse_nd_binary_iop, 0.023 test_composite_embedding_with_two_embeddings, 0.022 test_collect_paramters, 0.022 test_convlstm, 0.022 test_cast, 0.022 test_stack, 0.022 test_create_sparse_nd_from_dense, 0.022 test_sparse_take, 0.022 test_mkldnn_sparse, 0.022 test_python_op, 0.021 test_foreach_nested, 0.02 test_exc_gluon, 0.02 test_lstm_forget_bias, 0.02 test_lstm_forget_bias, 0.02 test_sparse_nd_copy, 0.02 test_hybrid_stale_cache, 0.019 test_sampler, 0.019 test_transformer, 0.019 test_single_kv_pair, 0.019 test_monitor, 0.019 test_reshape_like, 0.019 test_profile_create_domain_dept, 0.018 test_create_sparse_nd_infer_shape, 0.018 test_sparse_nd_norm, 0.018 test_cut_subgraph_foreach, 0.017 test_flip_left_right, 0.017 test_residual_bidirectional, 0.017 test_list_kv_pair, 0.017 test_init, 0.017 test_custom_embedding_with_vocabulary, 0.016 test_composite_embedding_with_one_embedding, 0.016 test_embedding, 0.016 test_to_tensor, 0.016 test_symbol_pow, 0.016 test_ravel, 0.016 test_predictor, 0.016 test_trainer, 0.015 test_module_set_params, 0.015 test_slice_channel, 0.015 test_residual_bidirectional, 0.015 test_sparse_nd_elemwise_add, 0.015 test_output_format_cond, 0.014 test_parameter_row_sparse_data, 0.014 test_flip_top_bottom, 0.014 test_bidirectional, 0.014 test_loss_ndarray, 0.014 test_ndarray_setitem, 0.014 test_ndarray_slice, 0.014 test_dlpack, 0.014 test_rsqrt_cos_sin, 0.014 test_softmax, 0.014 test_cut_subgraph_cond, 0.013 test_exc_symbolic, 0.013 test_batchnorm, 0.013 test_instancenorm, 0.013 test_fill_shape_deferred, 0.013 test_residual, 0.013 test_layer_fill_shape, 0.013 test_ctx_group, 0.013 test_ndarray_legacy_load, 0.013 test_output, 0.013 test_ctc_loss_grad, 0.013 test_lr_wd_mult, 0.013 test_create_row_sparse, 0.013 test_bulk, 0.012 test_convrnn, 0.012 test_trainer_save_load, 0.012 test_f1, 0.012 test_shape_array, 0.012 test_run_convolution_dilated_impulse_response, 0.012 test_ctc_loss_with_large_classes, 0.012 test_indexed_recordio, 0.012 test_residual, 0.012 test_sparse_nd_setitem, 0.012 test_createblock, 0.012 test_custom_embed, 0.011 test_array_dataset, 0.011 test_normalize, 0.011 test_ctc_loss, 0.011 test_take, 0.011 test_scalar_pow, 0.011 test_size_array, 0.011 test_unary_logic, 0.011 test_embedding, 0.011 test_sparse_nd_slice, 0.011 test_init_svrg_optimizer, 0.01 test_exc_multiple_waits, 0.01 test_layernorm, 0.01 test_identity, 0.01 test_infer_multiout_op2, 0.01 test_default_init, 0.01 test_cosine_loss, 0.01 test_sparse_nd_pickle, 0.01 test_create_csr, 0.01 test_sparse_fc, 0.01 test_sparse_dot_grad, 0.009 test_reflectionpad, 0.009 test_sparse_hybrid_block, 0.009 test_gru, 0.009 test_trainer_sparse_save_load, 0.009 test_rsp_const_init, 0.009 test_chain, 0.009 test_cached, 0.009 test_scalarop, 0.009 test_binary_op_duplicate_input, 0.009 test_sign, 0.009 test_round_ceil_floor, 0.009 test_psroipooling_with_type, 0.009 test_bidirectional, 0.009 test_sparse_nd_concat, 0.009 test_unary_func, 0.008 test_exc_imperative, 0.008 test_pull, 0.008 test_poisson_nllloss, 0.008 test_module_input_grads, 0.008 test_clip, 0.008 test_laop_4, 0.008 test_op_output_names_monitor, 0.008 test_sparse_quadratic_function, 0.008 test_grad_with_stype, 0.007 test_binary_func, 0.007 test_scope, 0.007 test_bipartite_matching_op, 0.007 test_bind_module, 0.007 test_module_init, 0.007 test_reshape, 0.007 test_sparse_hybrid_block_grad, 0.007 test_lstmp, 0.007 test_perplexity, 0.007 test_module_layout, 0.007 test_forward_types, 0.007 test_ndarray_pickle, 0.007 test_softmax_cross_entropy, 0.007 test_recordio, 0.007 test_convgru, 0.007 test_sparse_nd_greater, 0.007 test_sparse_nd_greater_equal, 0.007 test_sparse_nd_lesser, 0.007 test_create_sparse_nd_from_sparse, 0.007 test_create_sparse_nd_empty, 0.007 test_symbol, 0.007 test_argnum, 0.006 test_retain_grad, 0.006 test_attach_grad, 0.006 test_is_train, 0.006 test_retain_grad, 0.006 test_module_initializer, 0.006 test_exc_post_fail, 0.006 test_exc_mutable_var_fail, 0.006 test_lstm, 0.006 test_logistic_loss_equal_bce, 0.006 test_mcc, 0.006 test_module_initializer, 0.006 test_ndarray_reshape, 0.006 test_ndarray_onehot, 0.006 test_dot, 0.006 test_arange, 0.006 test_maximum_minimum, 0.006 test_maximum_minimum_scalar, 0.006 test_index_copy, 0.006 test_invalid_kernel_size, 0.006 test_gru, 0.006 test_convlstm, 0.006 test_sparse_nd_not_equal, 0.006 test_sparse_nd_lesser_equal, 0.006 test_sparse_nd_negate, 0.006 test_sparse_slice, 0.006 test_zero_prop2, 0.006 test_function, 0.005 test_argnum, 0.005 test_module_bind, 0.005 test_sparse_parameter, 0.005 test_constant, 0.005 test_reshape, 0.005 test_hook, 0.005 test_sparse_embedding, 0.005 test_zoneout, 0.005 test_aux_init, 0.005 test_get_type, 0.005 test_module_dtype, 0.005 test_ndarray_fill, 0.005 test_assign_a_row_to_ndarray, 0.005 test_trunc, 0.005 test_abs, 0.005 test_support_vector_machine_l1_svm, 0.005 test_quantization_op, 0.005 test_invalid_max_pooling_pad_type_same, 0.005 test_sparse_nd_equal, 0.005 test_sparse_nd_transpose, 0.005 test_sparse_nd_storage_fallback, 0.005 test_sparse_nd_zeros, 0.005 test_zero_prop, 0.005 test_training, 0.004 test_out_grads, 0.004 test_detach_updated_grad, 0.004 test_gradient, 0.004 test_out_grads, 0.004 test_detach_updated_grad, 0.004 test_parameter, 0.004 test_parameter_invalid_access, 0.004 test_slice, 0.004 test_at, 0.004 test_deferred_init, 0.004 test_block_attr_list_of_block, 0.004 test_lambda, 0.004 test_zero_grad, 0.004 test_rnn, 0.004 test_variable_init, 0.004 test_NDArrayIter_csr, 0.004 test_init, 0.004 test_bce_equal_ce2, 0.004 test_ndarray_choose, 0.004 test_ndarray_scalar, 0.004 test_ndarray_crop, 0.004 test_ndarray_concatenate, 0.004 test_moveaxis, 0.004 test_ndarray_greater_equal, 0.004 test_ndarray_lesser_equal, 0.004 test_ndarray_is_inf, 0.004 test_ndarray_is_finite, 0.004 test_ndarray_is_nan, 0.004 test_support_vector_machine_l2_svm, 0.004 test_valid_max_pooling_pad_type_same, 0.004 test_load_ndarray, 0.004 test_zoneout, 0.004 test_sparse_getnnz, 0.004 test_sparse_nd_zeros_like, 0.004 test_symbol_pickle, 0.004 test_print_summary, 0.004 test_training, 0.003 test_krprod_two_inputs, 0.003 test_krprod_three_inputs, 0.003 test_multibox_target_op, 0.003 test_kvstore_init_aux_keys, 0.003 test_dense, 0.003 test_grad_graph_change, 0.003 test_imdecode_empty_buffer, 0.003 test_imdecode_invalid_image, 0.003 test_imread_not_found, 0.003 test_nll_loss, 0.003 test_acc, 0.003 test_acc_2d_label, 0.003 test_pearsonr, 0.003 test_single_array_input, 0.003 test_module_bind, 0.003 test_ctx_group_sparse, 0.003 test_ndarray_elementwisesum, 0.003 test_ndarray_negate, 0.003 test_ndarray_copy, 0.003 test_clip, 0.003 test_ndarray_equal, 0.003 test_ndarray_not_equal, 0.003 test_ndarray_greater, 0.003 test_ndarray_lesser, 0.003 test_iter, 0.003 test_stn_valid_sampling, 0.003 test_blockgrad, 0.003 test_slice_partial_infer, 0.003 test_float16_min_max, 0.003 test_valid_kernel_size, 0.003 test_convrnn, 0.003 test_sparse_nd_basic, 0.003 test_sparse_nd_astype_copy, 0.003 test_sparse_nd_exception, 0.003 test_elemwise_csr_same_zeros, 0.003 test_symbol_infer_shape, 0.003 test_operator, 0.002 test_operator_with_state, 0.002 test_get_symbol, 0.002 test_operator_with_state, 0.002 test_foreach_with_unkown_dim, 0.002 test_krprod_one_input, 0.002 test_count_tokens_from_str, 0.002 test_engine_import, 0.002 test_sparse_symbol_block, 0.002 test_flatten, 0.002 test_sequential, 0.002 test_multi_trainer, 0.002 test_download_successful, 0.002 test_download_ssl_verify, 0.002 test_infer_multiout_op, 0.002 test_DataBatch, 0.002 test_metrics, 0.002 test_ndarray_astype, 0.002 test_swapaxes, 0.002 test_factor_scheduler, 0.002 test_deprecated, 0.002 test_rnn, 0.002 test_sparse_nd_astype, 0.002 test_simple_bind_incomplete_shape_inference_in_one_forward_pass, 0.002 test_simple_bind_gradient_graph_possible_with_cycle, 0.002 test_plot_network, 0.002 test_attr_basic, 0.001 test_list_attr, 0.001 test_attr_dict, 0.001 test_vocabulary, 0.001 test_batchnorm_16c, 0.001 test_deconv2d_16c, 0.001 test_reshape_batchnorm, 0.001 test_reshape_batchnorm_reshape_batchnorm, 0.001 test_reshape_batchnorm_slice_batchnorm, 0.001 test_reshape_conv_reshape_conv, 0.001 test_reshape_deconv, 0.001 test_reshape_deconv_reshape_deconv, 0.001 test_reshape_deconv_slice_deconv, 0.001 test_reshape_pooling2d, 0.001 test_reshape_pooling2d_reshape_pooling2d, 0.001 test_reshape_pooling2d_slice_pooling2d, 0.001 test_slice_batchnorm_slice_batchnorm, 0.001 test_slice_conv_reshape_conv, 0.001 test_slice_deconv, 0.001 test_slice_deconv_reshape_deconv, 0.001 test_slice_deconv_slice_deconv, 0.001 test_slice_pooling2d_reshape_pooling2d, 0.001 test_parameter_str, 0.001 test_block_attr_hidden, 0.001 test_block_attr_block, 0.001 test_block_attr_param, 0.001 test_block_attr_regular, 0.001 test_sequential_warning, 0.001 test_apply, 0.001 test_image_folder_dataset, 0.001 test_download_retries, 0.001 test_mlp2_infer_shape, 0.001 test_mlp2_infer_error, 0.001 test_backward_infer, 0.001 test_incomplete_infer_elewise, 0.001 test_incomplete_infer_mlp, 0.001 test_incomplete_infer_slicechannel, 0.001 test_incomplete_infer_convolution, 0.001 test_incomplete_infer_concat, 0.001 test_fc_infer_type, 0.001 test_loss_update, 0.001 test_init_from_scalar, 0.001 test_bool_ambiguous, 0.001 test_bool, 0.001 test_assign_float_value_to_ndarray, 0.001 test_assign_large_int_to_ndarray, 0.001 test_ndarray_cpu_shared_ctx, 0.001 test_dropout, 0.001 test_prelu, 0.001 test_sequence_last, 0.001 test_special_functions_using_scipy, 0.001 test_scatter_gather_nd, 0.001 test_learning_rate_expect_user_warning, 0.001 test_multifactor_scheduler, 0.001 test_poly_scheduler, 0.001 test_sparse_nd_unsupported, 0.001 test_symbol_basic, 0.001 test_symbol_compose, 0.001 test_symbol_copy, 0.001 test_symbol_internal, 0.001 test_symbol_children, 0.001 test_symbol_saveload, 0.001 test_symbol_infer_type, 0.001 test_symbol_infer_shape_var, 0.001 test_blockgrad, 0.001 test_context, 0.001 test_attrscope, 0.001 test_name, 0.001 test_blockscope, 0.001 test_data_dir, 0.0 test_section, 0.0 test_module_save_load, 0.0 test_svrgmodule_reshape, 0.0 test_update_full_grad, 0.0 test_svrg_with_sgd, 0.0 test_accumulate_kvstore, 0.0 test_fit, 0.0 test_svrg_optimizer_constructor, 0.0 test_tokens_to_indices, 0.0 test_indices_to_tokens, 0.0 test_get_and_pretrain_file_names, 0.0 test_invalid_parameter_stype, 0.0 test_invalid_parameter_grad_stype, 0.0 test_sampler, 0.0 test_scale_down, 0.0 test_ImageRecordIter_seed_augmentation, 0.0 test_NDArrayIter_h5py, 0.0 test_deconvolution, 0.0 test_depthwise_convolution, 0.0 test_deformable_psroipooling, 0.0 test_context_num_gpus, 0.0 test_learning_rate, 0.0 test_cosine_scheduler, 0.0 test_profile_create_domain, 0.0 runTest, 0.0 test_encode_sentences, 0.0 test_symbol_bool, 0.0