..
__init__.py
fix pylint warnings
5 years ago
conftest.py
clean pylint
5 years ago
test_add_relu_redistribution.py
Change TensorAdd to Add, from r1.1 to master
4 years ago
test_allreduce_fusion.py
[auto-monad] Support side-effects by auto-monad
4 years ago
test_alltoall.py
refactor get cnode strategy
5 years ago
test_arithmetic.py
Change TensorAdd to Add, from r1.1 to master
4 years ago
test_auto_parallel_BN_PReLU.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_auto_parallel_activation.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_auto_parallel_arithmetic.py
set cnode's fullname when cloning
5 years ago
test_auto_parallel_assign_sub_with_ref_key.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_auto_parallel_cast.py
move parallel-related black-list to core/ir, and fix the cloneCNode bug
5 years ago
test_auto_parallel_common_parameter.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_auto_parallel_double_sources.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_auto_parallel_double_star.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_auto_parallel_double_subgraphs.py
use from_numpy and add do_copy option
5 years ago
test_auto_parallel_fc_nobias.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_auto_parallel_flag.py
Change TensorAdd to Add, from r1.1 to master
4 years ago
test_auto_parallel_for_loop.py
Change TensorAdd to Add, from r1.1 to master
4 years ago
test_auto_parallel_for_loop_multi_subgraph.py
support for-loop in auto-parallel
5 years ago
test_auto_parallel_for_loop_reshape.py
Change TensorAdd to Add, from r1.1 to master
4 years ago
test_auto_parallel_for_loop_simplify.py
support for-loop in auto-parallel
5 years ago
test_auto_parallel_four_matmul.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_auto_parallel_inference.py
add notice
5 years ago
test_auto_parallel_l2normalize.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_auto_parallel_matmul_drop.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_auto_parallel_matmul_prelu.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_auto_parallel_multi_graph.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_auto_parallel_onehot.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_auto_parallel_parameter_cast.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_auto_parallel_partial_strategy.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_auto_parallel_reduce_method.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_auto_parallel_reshape.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_auto_parallel_resnet.py
Change TensorAdd to Add, from r1.1 to master
4 years ago
test_auto_parallel_resnet_predict.py
support distributed predict
5 years ago
test_auto_parallel_rhombus.py
Change TensorAdd to Add, from r1.1 to master
4 years ago
test_auto_parallel_segment_min.py
Add UnsortedSegmentSum and UnosrtedSemenMin For Oparallel Implements
5 years ago
test_auto_parallel_segment_sum.py
Add UnsortedSegmentSum and UnosrtedSemenMin For Oparallel Implements
5 years ago
test_auto_parallel_softmax_loss.py
modify Gelu、FastGelu to GeLU and FastGeLU
4 years ago
test_auto_parallel_star_partial_strategy.py
Change TensorAdd to Add, from r1.1 to master
4 years ago
test_auto_parallel_transformer.py
Change TensorAdd to Add, from r1.1 to master
4 years ago
test_auto_parallel_transpose.py
move parallel-related black-list to core/ir, and fix the cloneCNode bug
5 years ago
test_auto_parallel_triangle_overwrite.py
Change TensorAdd to Add, from r1.1 to master
4 years ago
test_auto_parallel_tuple_depend.py
modify Gelu、FastGelu to GeLU and FastGeLU
4 years ago
test_auto_parallel_two_bn.py
Change TensorAdd to Add, from r1.1 to master
4 years ago
test_auto_parallel_two_matmul.py
set cnode's fullname when cloning
5 years ago
test_auto_parallel_two_partial_matmul.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_auto_parallel_zig_zag.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_auto_star_elimination.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_batch_matmul.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_batch_parallel.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_batch_parallel_dropout.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_batch_parallel_tensoradd.py
Change TensorAdd to Add, from r1.1 to master
4 years ago
test_batchnorm_batch_parallel.py
modify batch_normal
5 years ago
test_batchnorm_ex_batch_parallel.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_bias_add.py
use from_numpy and add do_copy option
5 years ago
test_bn_prelu_cell.py
change API set_strategy() to shard()
5 years ago
test_bool_grad.py
change API set_strategy() to shard()
5 years ago
test_broadcast_dict.py
fix pylint warnings
5 years ago
test_broadcast_to.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_combined_tensor.py
clean pylint
5 years ago
test_comparison_function_info.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_concat.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_dataset.py
modify Gelu、FastGelu to GeLU and FastGeLU
4 years ago
test_dataset_interface.py
change API set_strategy() to shard()
5 years ago
test_dataset_util.py
remove to_full_tensor and load_inputs in exexute stage
5 years ago
test_dense_matmul.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_different_type_for_div_op.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_distribute_predict.py
fix infer rank list typo
5 years ago
test_dropout_do_mask.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_dynamic_shape.py
Change GatherV2 to Gather r1.1 to master
4 years ago
test_element_wise_function.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_embeddinglookup.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_eval.py
hange strategys of last nodes in eval/predict at auto parallel mode
5 years ago
test_expand_dims.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_forward_graph.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_full_batch.py
raise RuntimeError when using full_batch neither under semi_auto_parallel nor auto_parallel
5 years ago
test_gather_v2.py
Change GatherV2 to Gather r1.1 to master
4 years ago
test_gather_v2_primitive.py
Change GatherV2 to Gather r1.1 to master
4 years ago
test_get_next.py
change API set_strategy() to shard()
5 years ago
test_get_parameter_layout.py
enable parallel optimizer in auto parallel
5 years ago
test_gpu_dropout.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_grad_accumulation.py
mini step grad accumulation
5 years ago
test_hybird_parallel_activation.py
modify Gelu、FastGelu to GeLU and FastGeLU
4 years ago
test_initializer_weight_slice.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_l2normalize.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_layer_norm.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_linear.py
modify Gelu、FastGelu to GeLU and FastGeLU
4 years ago
test_load_tensor.py
clean pylint
5 years ago
test_loop_two_matmul.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_loss_and_o2_level.py
run cast before parallel optimizer
5 years ago
test_loss_and_optimizer.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_loss_scale.py
[auto-monad] Support side-effects by auto-monad
4 years ago
test_manual_embedding_lookup.py
[auto-monad] Support side-effects by auto-monad
4 years ago
test_manual_gatherv2.py
Change GatherV2 to Gather r1.1 to master
4 years ago
test_matmul_dropout.py
unify mindir
5 years ago
test_matmul_tensor.py
Change TensorAdd to Add, from r1.1 to master
4 years ago
test_mix_precision_hybrid_parallel.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_model_with_loss.py
add model with loss, without loso and o2 test case
5 years ago
test_model_without_loss.py
add model with loss, without loso and o2 test case
5 years ago
test_mul_div_bn.py
Change TensorAdd to Add, from r1.1 to master
4 years ago
test_multi_field_embedding.py
[auto-monad] Support side-effects by auto-monad
4 years ago
test_neg.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_o2_level.py
add model with loss, without loso and o2 test case
5 years ago
test_one_dev.py
unify mindir
5 years ago
test_one_hot_net.py
Change TensorAdd to Add, from r1.1 to master
4 years ago
test_one_weight_parameter.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_onehot.py
modify Gelu、FastGelu to GeLU and FastGeLU
4 years ago
test_operator_model_parallel.py
Change TensorAdd to Add, from r1.1 to master
4 years ago
test_optimizer.py
rename mirror_mean to gradients_mean
5 years ago
test_optimizer_clone_weight.py
change API set_strategy() to shard()
5 years ago
test_pack.py
modify pack to stack
4 years ago
test_parallel_optimizer.py
!9832 expose_allgather_fusion_to_users
5 years ago
test_parameter_init.py
change API set_strategy() to shard()
5 years ago
test_parameter_merge.py
merge parameter slice compile graph only once
4 years ago
test_parameter_multi_users.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_pipeline_split.py
delete useless parameter in pipeline parallel
5 years ago
test_prelu.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_prelu_cell.py
change API set_strategy() to shard()
5 years ago
test_range.py
add range op
5 years ago
test_reduce_method_info.py
Change TensorAdd to Add, from r1.1 to master
4 years ago
test_reluv2.py
fix ReLUV2 error
5 years ago
test_repeated_calc.py
Change TensorAdd to Add, from r1.1 to master
4 years ago
test_reshape.py
Change TensorAdd to Add, from r1.1 to master
4 years ago
test_reshape_optimized.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_reshape_parameter.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_reshape_skip_redistribution.py
Change GatherV2 to Gather r1.1 to master
4 years ago
test_reshape_unexpand.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_scalar_loss.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_self_attention.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_semi_auto_two_subgraphs.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_set_auto_parallel_context.py
update pipeline parallel
5 years ago
test_sigmoid_cross_entropy_with_logits.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_slice.py
Add slice parallel op
5 years ago
test_softmax_cross_entropy_loss.py
modify Gelu、FastGelu to GeLU and FastGeLU
4 years ago
test_sparse_feature_bprop.py
[auto-monad] Support side-effects by auto-monad
4 years ago
test_sparse_gather_v2.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_split.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_split_grad_sens.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_square.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_squeeze_info.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_step_parallel.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_strategy_checkpoint.py
add group ckpt
5 years ago
test_stridedslice.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_sum_as_loss.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_tile.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_train_and_eval.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_transpose.py
change API set_strategy() to shard()
5 years ago
test_two_matmul.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_two_weights_parameter.py
set last node data parallel or repeat calculate in eval/predict
5 years ago
test_uniform_candidate_sampler.py
Change GatherV2 to Gather r1.1 to master
4 years ago
test_unsortedsegmentmax.py
Add UnsortedSegmentMax Operation
5 years ago
test_unsortedsegmentmin.py
Add UnsortedSegmentMax Operation
5 years ago
test_unsortedsegmentsum.py
Fix condition check
5 years ago
test_using_seed_for_initializer.py
modify_normal
5 years ago
test_virtual_dataset_3_input.py
modify Gelu、FastGelu to GeLU and FastGeLU
4 years ago