mindspore/tests/ut/python/parallel
yangzhenzhang 25009f9051 modify gather op 2022-07-07 14:59:50 +08:00
..
utils modify gather op 2022-07-07 14:59:50 +08:00
__init__.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
conftest.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_adafactor.py adafactor parallel skip handle reshape 2022-03-15 09:18:19 +08:00
test_add_relu_redistribution.py add output strategy 2021-11-04 16:28:54 +08:00
test_addn.py Implementation of element wise parallel ops 2022-03-15 19:24:17 +08:00
test_allreduce_fusion.py fix code warning && remove save_graphs use in st/ut 2021-12-24 14:45:37 +08:00
test_alltoall.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_arithmetic.py Implementation of SquaredDifferenceInfo, ErfinvInfo, MaskedFillInfo, SplitVInfo, GammaInfo, KLDivLossInfo and LinSpaceInfo 2022-03-29 09:30:21 +08:00
test_auto_parallel_BN_PReLU.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_activation.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_adasum.py adasum ut fix 2022-02-24 09:31:04 +08:00
test_auto_parallel_arithmetic.py modify gen strategy for matmul op 2022-06-09 19:50:31 +08:00
test_auto_parallel_assign_sub_with_ref_key.py modify virtualdataset bug for master 2022-03-13 10:49:15 +08:00
test_auto_parallel_cast.py modify virtualdataset bug for master 2022-03-13 10:49:15 +08:00
test_auto_parallel_common_parameter.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_data_parallel_mode.py change API 2021-12-23 14:26:06 +08:00
test_auto_parallel_double_sources.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_double_star.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_double_subgraphs.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_auto_parallel_fc_nobias.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_flag.py Change TensorAdd to Add, from r1.1 to master 2021-02-01 17:53:52 +08:00
test_auto_parallel_for_loop.py changing default value of single-loop flag 2021-12-28 17:56:30 +08:00
test_auto_parallel_for_loop_multi_subgraph.py modify virtualdataset bug for master 2022-03-13 10:49:15 +08:00
test_auto_parallel_for_loop_reshape.py modify virtualdataset bug for master 2022-03-13 10:49:15 +08:00
test_auto_parallel_for_loop_simplify.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_auto_parallel_four_matmul.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_inference.py add notice 2020-06-29 17:39:25 +08:00
test_auto_parallel_l2normalize.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_matmul_drop.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_matmul_prelu.py modify virtualdataset bug for master 2022-03-13 10:49:15 +08:00
test_auto_parallel_multi_graph.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_onehot.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_pangu_alpha_shard_propagation.py 1.consider comm cost inside a op when select a strategy;2.deal with the ops that share same param;3.add ut to fix the perfermence at pangu_alpha 2022-01-25 15:05:37 +08:00
test_auto_parallel_parameter_cast.py modify gen strategy for matmul op 2022-06-09 19:50:31 +08:00
test_auto_parallel_partial_strategy.py insert VirtualDataset node for master 2021-12-23 09:25:05 +08:00
test_auto_parallel_reduce_method.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_reshape.py insert VirtualDataset node for master 2021-12-23 09:25:05 +08:00
test_auto_parallel_resnet.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_resnet_predict.py set device id master 0813 2021-09-02 20:51:50 +08:00
test_auto_parallel_resnet_sharding_propagation.py 1) 'auto_parallel_search_mode' changes to 'search_mode'; 2021-11-25 19:38:21 +08:00
test_auto_parallel_resnet_sharding_propagation2.py 1) 'auto_parallel_search_mode' changes to 'search_mode'; 2021-11-25 19:38:21 +08:00
test_auto_parallel_rhombus.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_segment_min.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_segment_sum.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_shard_propagation.py In a previous PR (https://gitee.com/mindspore/mindspore/pulls/26807/), we replaced 'auto_parallel_search_mode' by 'search_mode' directly. 2021-11-29 15:40:23 +08:00
test_auto_parallel_shard_propagation2.py 1) 'auto_parallel_search_mode' changes to 'search_mode'; 2021-11-25 19:38:21 +08:00
test_auto_parallel_shard_propagation3.py 1) 'auto_parallel_search_mode' changes to 'search_mode'; 2021-11-25 19:38:21 +08:00
test_auto_parallel_softmax_loss.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_star_partial_strategy.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_transformer.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_transpose.py modify virtualdataset bug for master 2022-03-13 10:49:15 +08:00
test_auto_parallel_triangle_overwrite.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_tuple_depend.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_two_bn.py modify virtualdataset bug for master 2022-03-13 10:49:15 +08:00
test_auto_parallel_two_matmul.py changing default value of single-loop flag 2021-12-28 17:56:30 +08:00
test_auto_parallel_two_partial_matmul.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_parallel_zig_zag.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_auto_star_elimination.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_autoparallel_rec_shared_param_strmodif.py Add Mem & Redis coefficient for PanGu-alpha 2022-03-29 12:00:34 +00:00
test_batch_matmul.py parallel ut refactor 3 2021-12-21 14:26:58 +08:00
test_batch_parallel.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_batch_parallel_dropout.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_batch_parallel_tensoradd.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_batchmm.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_batchnorm.py support config group for batchnorm 2022-01-22 09:29:52 +08:00
test_batchnorm_batch_parallel.py modify batch_normal 2021-01-13 20:59:46 +08:00
test_batchparallel_replace_shape.py modify batch parallel info 2021-09-13 16:28:56 +08:00
test_bias_add.py add parallel operator for conv2d 2021-06-10 14:58:51 +08:00
test_bool_grad.py change API set_strategy() to shard() 2020-09-10 15:30:19 +08:00
test_bounding_box_encode.py Implementation of ROIAlignInfo and CropAndResizeInfo 2022-02-14 10:46:09 +08:00
test_broadcast_dict.py parallel envs variable check 2021-05-07 09:12:53 +08:00
test_broadcast_to.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_cdist.py Implementation of element wise parallel ops 2022-03-15 19:24:17 +08:00
test_cell_shard_check.py modify interface name for shard 2022-03-26 09:10:14 +08:00
test_checkvalid.py add parallel operators 2022-03-31 15:11:25 +08:00
test_combined_tensor.py clean pylint 2020-05-18 16:42:35 +08:00
test_comm_fusion.py ut for allgather fusion 2022-02-24 17:40:32 +08:00
test_comm_not_recompute.py slice_activation_in_recompute 2021-11-19 10:51:54 +08:00
test_comparison_function_info.py insert VirtualDataset node for master 2021-12-23 09:25:05 +08:00
test_concat.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_conformer.py add ut case for monitoring the conformer structure 2022-02-17 15:08:01 +08:00
test_control_flow.py adapt_control_flow 2022-05-19 15:50:29 +08:00
test_conv2d.py rebase 2022-03-10 19:17:06 +08:00
test_conv2d_transpose.py support pad mode for conv2d transpose 2022-02-09 11:52:47 +08:00
test_crop_and_resize.py Implementation of ROIAlignInfo and CropAndResizeInfo 2022-02-14 10:46:09 +08:00
test_cus_matmul_dds.py parallel_sparse_attention_ops_fix_repeated_cal 2021-09-06 19:57:22 +08:00
test_dataset.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_dataset_interface.py [feat] [assistant] [I3T96T] add new Dataset operator CMUARCTICDataset 2021-08-22 16:26:45 +08:00
test_dataset_util.py remove to_full_tensor and load_inputs in exexute stage 2020-08-14 11:40:27 +08:00
test_dense_matmul.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_device_num_not_power_of_2.py support not only power of 2 2022-03-06 18:08:46 +08:00
test_different_type_for_div_op.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_distribute_predict.py remove restriction for opt shard in inference 2021-07-16 17:16:12 +08:00
test_dropout.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_dropout_do_mask.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_dsd_matmul.py add parallel sparse attention ops: dsd_matmul 2021-08-30 18:46:52 +08:00
test_dynamic_shape.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_element_wise_function.py Implementation of SquaredDifferenceInfo, ErfinvInfo, MaskedFillInfo, SplitVInfo, GammaInfo, KLDivLossInfo and LinSpaceInfo 2022-03-29 09:30:21 +08:00
test_embeddinglookup.py auto insert VirtualDataset node for master 2021-12-06 21:39:37 +08:00
test_eval.py parallel ut refactor 3 2021-12-21 14:26:58 +08:00
test_expand_dims.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_forward_graph.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_full_batch.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_gather_field_split.py modify gather op 2022-07-07 14:59:50 +08:00
test_gather_v2.py insert VirtualDataset node for master 2021-12-23 09:25:05 +08:00
test_gatherd.py auto insert VirtualDataset node for master 2021-12-06 21:39:37 +08:00
test_gathernd.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_gathernd_further.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_get_next.py parallel_ut_refactoring1 2021-11-24 09:41:52 +08:00
test_get_parameter_layout.py modify virtualdataset bug for master 2022-03-13 10:49:15 +08:00
test_global_norm.py 1. The main gol: Fix mixing inserting the AllReduce when where is no mirror appeared 2022-03-15 15:54:06 +08:00
test_gpu_dropout.py parallel ut refactor 2021-10-12 15:18:51 +08:00
test_hybird_parallel_activation.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_initializer_weight_slice.py parallel initializer seed set 2022-05-23 14:24:29 +08:00
test_inplace_op.py Implementation of element wise parallel ops 2022-03-15 19:24:17 +08:00
test_invert_populationcount.py add parallel operators 2022-03-31 15:11:25 +08:00
test_iou.py Implementation of ROIAlignInfo and CropAndResizeInfo 2022-02-14 10:46:09 +08:00
test_kldiv_loss.py add CPU support for KLDivLoss op 2022-05-20 15:34:31 +08:00
test_l2_loss.py Implementation of SquaredDifferenceInfo, ErfinvInfo, MaskedFillInfo, SplitVInfo, GammaInfo, KLDivLossInfo and LinSpaceInfo 2022-03-29 09:30:21 +08:00
test_l2normalize.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_layer_norm.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_layer_norm_further.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_lerp.py Implementation of element wise parallel ops 2022-03-15 19:24:17 +08:00
test_lin_space.py Implementation of SquaredDifferenceInfo, ErfinvInfo, MaskedFillInfo, SplitVInfo, GammaInfo, KLDivLossInfo and LinSpaceInfo 2022-03-29 09:30:21 +08:00
test_linear.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_load_tensor.py clean pylint 2020-05-18 16:42:35 +08:00
test_loop_two_matmul.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_loss_and_o2_level.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_loss_and_optimizer.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_loss_scale.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_manual_embedding_lookup.py Add bprop_return_sparse flag for sparse bprop primitive and remove context option: 'enable_sparse'. 2022-05-19 17:31:57 +08:00
test_manual_gatherv2.py insert VirtualDataset node for master 2021-12-23 09:25:05 +08:00
test_matmul_dropout.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_matmul_tensor.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_maxpool_avgpool.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_micro_batch_interleaved.py test_micro_batch_Interleaved 2021-12-06 18:37:21 +08:00
test_mix_precision_hybrid_parallel.py support not only power of 2 2022-03-06 18:08:46 +08:00
test_model_with_loss.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_model_without_loss.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_mul_div_bn.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_mul_softmax_net.py Add mul softmax net tests 2022-05-06 14:53:30 +08:00
test_multi_field_embedding.py Add bprop_return_sparse flag for sparse bprop primitive and remove context option: 'enable_sparse'. 2022-05-19 17:31:57 +08:00
test_neg.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_neighborexchange.py check neighbor attr type 2021-09-17 21:15:37 +08:00
test_neighborexchangev2.py fix bug 2021-11-16 11:14:58 +08:00
test_o2_level.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_one_dev.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_one_hot_net.py [AutoParallel]Add virtual mul 2022-06-25 09:06:40 +08:00
test_one_weight_parameter.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_onehot.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_onehot_2dim.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_operator_model_parallel.py Change TensorAdd to Add, from r1.1 to master 2021-02-01 17:53:52 +08:00
test_optimizer.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_optimizer_clone_weight.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_pack.py insert VirtualDataset node for master 2021-12-23 09:25:05 +08:00
test_parallel_cumprod.py Implementation of element wise parallel ops 2022-03-15 19:24:17 +08:00
test_parallel_cumsum.py 1) fix the exact division in moe; 2021-12-30 19:20:05 +08:00
test_parallel_mirror_group.py good 2022-02-24 16:10:18 +08:00
test_parallel_moe.py fix bug of moe 2022-06-14 20:04:27 +08:00
test_parallel_optimizer.py good 2022-02-24 16:10:18 +08:00
test_parallel_optimizer_shared_cast.py [AutoParallel]Fix insert error for the mirror 2022-02-26 17:54:42 +08:00
test_parallel_transformer.py add transformer testcase 2022-06-28 20:01:29 +08:00
test_parameter_init.py change API set_strategy() to shard() 2020-09-10 15:30:19 +08:00
test_parameter_merge.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_parameter_multi_users.py auto insert VirtualDataset node for master 2021-12-06 21:39:37 +08:00
test_pipeline_opt_detection.py support not only power of 2 2022-03-06 18:08:46 +08:00
test_pipeline_remove_node.py fix_pipeline_compile_error 2022-06-28 09:55:31 +08:00
test_pipeline_shared_parameter.py support not only power of 2 2022-03-06 18:08:46 +08:00
test_pipeline_split.py optimize lamb 2022-05-19 19:18:16 +08:00
test_prelu.py parallel_ut_refactoring1 2021-11-24 09:41:52 +08:00
test_prelu_cell.py parallel_ut_refactoring1 2021-11-24 09:41:52 +08:00
test_print.py add print security 2021-09-13 17:45:36 +08:00
test_random_choice_with_mask.py modify virtualdataset bug for master 2022-03-13 10:49:15 +08:00
test_range.py use _inner_ops shard instand of array_ops range 2022-05-06 10:36:57 +08:00
test_reduce_method_info.py add distributed operators for argmax/min sqauresumall and unsortedsetmentprod 2022-03-10 14:44:37 +08:00
test_reluv2.py parallel ut refactor 3 2021-12-21 14:26:58 +08:00
test_repeated_calc.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_reshape.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_reshape_optimized.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_reshape_parameter.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_reshape_shard_propagation.py In sharding propagation, to keep strategy consistent of parameter being used by multiple operators, we check the edge with one node of TmpIdentityInfo 2021-11-30 18:58:33 +08:00
test_reshape_skip_redistribution.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_reshape_unexpand.py parallel ut refactor 3 2021-12-21 14:26:58 +08:00
test_resizebilinear.py check platform for resizebilinear 2022-02-26 09:11:32 +08:00
test_roi_align.py modify virtualdataset bug for master 2022-03-13 10:49:15 +08:00
test_scalar_loss.py add output strategy 2021-11-04 16:28:54 +08:00
test_scatter_update.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_select.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_self_attention.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_semi_auto_two_subgraphs.py add output strategy 2021-11-04 16:28:54 +08:00
test_set_auto_parallel_context.py fix optimizer weight shard config 2021-06-08 10:44:17 +08:00
test_sharding_propagation_for_conv2ds.py modify conv2d gen strategy func 2022-06-28 16:32:15 +08:00
test_shared_param_and_mix_precision.py add output strategy 2021-11-04 16:28:54 +08:00
test_sigmoid_cross_entropy_with_logits.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_slice.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_softmax_cross_entropy_loss.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_softmax_gather_net.py add test softmax gather net tests 2022-05-06 14:59:27 +08:00
test_sparse_feature_bprop.py Add bprop_return_sparse flag for sparse bprop primitive and remove context option: 'enable_sparse'. 2022-05-19 17:31:57 +08:00
test_sparse_gather_v2.py insert VirtualDataset node for master 2021-12-23 09:25:05 +08:00
test_split.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_split_grad_sens.py insert VirtualDataset node for master 2021-12-23 09:25:05 +08:00
test_splitv.py Implementation of SquaredDifferenceInfo, ErfinvInfo, MaskedFillInfo, SplitVInfo, GammaInfo, KLDivLossInfo and LinSpaceInfo 2022-03-29 09:30:21 +08:00
test_square.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_squeeze_info.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_step_parallel.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_strategy_checkpoint.py utfixs 2021-10-18 18:06:37 +08:00
test_stridedslice.py xmodify stridedslice for master 2022-03-28 09:24:13 +08:00
test_sum_as_loss.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_tile.py support not only power of 2 2022-03-06 18:08:46 +08:00
test_topk.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_train_and_eval.py parallel ut refactor 3 2021-12-21 14:26:58 +08:00
test_transpose.py parallel ut refactor 3 2021-12-21 14:26:58 +08:00
test_two_matmul.py check args for shard 2021-12-02 11:51:29 +08:00
test_two_weights_parameter.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_uniform_candidate_sampler.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_uniform_real.py Implementation of SquaredDifferenceInfo, ErfinvInfo, MaskedFillInfo, SplitVInfo, GammaInfo, KLDivLossInfo and LinSpaceInfo 2022-03-29 09:30:21 +08:00
test_unsortedsegmentmax.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_unsortedsegmentmin.py Optimize the Executors routines. 2021-08-28 17:36:12 +08:00
test_unsortedsegmentprod.py unsorted segment prod gpu inference 2022-05-19 18:59:19 +08:00
test_unsortedsegmentsum.py parallel ut refactor 3 2021-12-21 14:26:58 +08:00
test_using_seed_for_initializer.py modify_normal 2020-10-22 21:35:44 +08:00
test_virtual_dataset_3_input.py add security isolate for save_graphs 2021-09-14 10:24:12 +08:00
test_virtual_dataset_with_strategy.py add_virtualdataset_ut 2022-02-22 11:38:10 +08:00
test_virtual_output.py insert VirtualDataset node for master 2021-12-23 09:25:05 +08:00