You can not select more than 25 topics Topics must start with a letter or number, can include dashes ('-') and can be up to 35 characters long.
Paddle/python/paddle/fluid/tests/unittests
Jiabin Yang 7586cdd545
Hide no support (#18515)
6 years ago
..
mkldnn [MKL-DNN] Add Fully Connected Op for inference only(#15226) 6 years ago
ngraph [NGraph] Enable ngraph layer_norm operator (#17599) 6 years ago
.gitignore
CMakeLists.txt add WITH_COVERAGE option, default OFF (#17872) 6 years ago
__init__.py
benchmark.py
benchmark_sum_op.py
collective_allgather_op.py supports collective communicated training (#18175) 6 years ago
collective_allreduce_op.py supports collective training with programs (#18392) 6 years ago
collective_broadcast_op.py supports collective communicated training (#18175) 6 years ago
collective_reducescatter_op.py supports collective communicated training (#18175) 6 years ago
ctr_dataset_reader.py fix save/load in fleet (#17675) 6 years ago
decorator_helper.py Support backward of backward for Relu and add a new gradient checker by comparing theoretical and numerical Jacobian. (#16862) 6 years ago
dist_allreduce_op.py Collective ops (#15572) 6 years ago
dist_ctr.py
dist_ctr_reader.py fix logging basicConfig cannot be setting after import paddle (#17786) 6 years ago
dist_fleet_ctr.py fix save/load in fleet (#17675) 6 years ago
dist_mnist.py Add DGC(Deep Gradient Compression) interface. (#15841) 6 years ago
dist_mnist_batch_merge.py
dist_mnist_lars.py
dist_save_load.py checkpoint at distributed training (#14854) 6 years ago
dist_se_resnext.py Add DGC(Deep Gradient Compression) interface. (#15841) 6 years ago
dist_simnet_bow.py checkpoint at distributed training (#14854) 6 years ago
dist_text_classification.py
dist_transformer.py fix spelling errors (#17941) 6 years ago
dist_word2vec.py
fake_reader.py Fix unittests which takes too long time (#16713) 6 years ago
gradient_checker.py Update backward appending stragety to support double backward and fix some bug. (#18104) 6 years ago
ir_memory_optimize_net_base.py Unittest improve, test=develop (#16941) 6 years ago
multi_process.py Fine tuning launch.py (#17223) 6 years ago
op_test.py move imperative to dygraph, test=develop 6 years ago
parallel_dygraph_mnist.py Add comment for dygraph api (#17869) 6 years ago
parallel_dygraph_se_resnext.py Add comment for dygraph api (#17869) 6 years ago
parallel_executor_test_base.py Refine model gpu memory (#16993) 6 years ago
simple_nets.py Add unit test for fuse_opt_ops (#16550) 6 years ago
test_accuracy_op.py Fixrecordio (#16124) 6 years ago
test_activation_nn_grad.py refine shape and split test. test=develop (#17545) 6 years ago
test_activation_op.py test=develop 6 years ago
test_adadelta_op.py
test_adagrad_op.py
test_adam_op.py
test_adamax_op.py
test_add_position_encoding_op.py
test_affine_channel_op.py Speed unit testing. (#16978) 6 years ago
test_affine_grid_op.py
test_allgather.py supports collective communicated training (#18175) 6 years ago
test_alloc_continuous_space_op.py Fuse Adam And SGD ops (#15933) 6 years ago
test_allreduce.py supports collective communicated training (#18175) 6 years ago
test_anchor_generator_op.py
test_arg_min_max_op.py fix min and max bug (#16570) 6 years ago
test_argsort_op.py
test_array_read_write_op.py
test_assign_op.py
test_assign_value_op.py
test_async_ssa_graph_executor_mnist.py Refine unittest log (#18084) 6 years ago
test_attention_lstm_op.py
test_auc_op.py
test_backward_find_no_grad_vars.py Add find_no_grad_vars in backward.py (#17942) 6 years ago
test_base_layer.py move dygraph.nn,dygraph.layer to fluid, test=develop 6 years ago
test_basic_gru_api.py Sequence mask support tensor (#18249) 6 years ago
test_basic_gru_unit_op.py Sequence mask support tensor (#18249) 6 years ago
test_basic_lstm_api.py Sequence mask support tensor (#18249) 6 years ago
test_basic_lstm_unit_op.py Sequence mask support tensor (#18249) 6 years ago
test_batch_norm_op.py
test_beam_search_decode_op.py
test_beam_search_op.py Return parent_idx in beam_search op (#15520) 6 years ago
test_bilinear_interp_op.py set src_idx > 0 for bilinear_interp_op (#18238) 6 years ago
test_bilinear_tensor_product_op.py
test_bipartite_match_op.py
test_box_clip_op.py add gpu kernel for box clip, test=develop 6 years ago
test_box_coder_op.py speed up box coder in CPU, test=develop 6 years ago
test_box_decoder_and_assign_op.py refine doc, test=develop 6 years ago
test_bpr_loss_op.py
test_broadcast.py supports collective communicated training (#18175) 6 years ago
test_calc_gradient.py
test_cast_op.py
test_chunk_eval_op.py support Tensor input for chunk_eval op (#18226) 6 years ago
test_clip_by_norm_op.py
test_clip_op.py
test_collect_fpn_proposals_op.py add collect fpn proposals op,test=develop (#16074) 6 years ago
test_collective_base.py supports collective communicated training (#18175) 6 years ago
test_compare_op.py
test_compat.py
test_concat_op.py concat op support negative axis (#18045) 6 years ago
test_conditional_block.py
test_const_value.py
test_conv2d_fusion_op.py reduce unittest time by rename testcuda to has_cuda 6 years ago
test_conv2d_op.py resolve #16988 (#16995) 6 years ago
test_conv2d_transpose_op.py
test_conv3d_op.py reduce unittest time by rename testcuda to has_cuda 6 years ago
test_conv3d_transpose_op.py
test_conv_shift_op.py
test_cos_sim_op.py
test_create_op_doc_string.py
test_crf_decoding_op.py Support seq len equal to 0 in sequence ops (#16935) 6 years ago
test_crop_op.py
test_cross_entropy2_op.py fix numeric error 6 years ago
test_cross_entropy_op.py
test_ctc_align.py
test_cumsum_op.py
test_cvm_op.py cvm op feature (#17081) 6 years ago
test_dataset.py Refactor for Pipeline Thread Check (#18459) 6 years ago
test_debugger.py
test_decayed_adagrad_op.py
test_decoupled_py_reader.py reduce py_reader unittest time (#16996) 6 years ago
test_decoupled_py_reader_data_check.py Fix py_reader iterable bug (#18108) 6 years ago
test_default_scope_funcs.py
test_deformable_conv_op.py Add deformable conv v2 op,test=develop (#17145) 6 years ago
test_deformable_psroi_pooling.py add deformable psroi pooling (#17827) 6 years ago
test_density_prior_box_op.py
test_desc_clone.py
test_detection_map_op.py
test_dgc_op.py Add DGC(Deep Gradient Compression) interface. (#15841) 6 years ago
test_diag.py Add Diag Op(#17027) 6 years ago
test_dist_allreduce_op.py Collective ops (#15572) 6 years ago
test_dist_base.py add more print function for timeout issue, make timeout value larger (#18219) 6 years ago
test_dist_ctr.py
test_dist_fleet_base.py Refine unittest log (#18084) 6 years ago
test_dist_fleet_ctr.py fix save/load in fleet (#17675) 6 years ago
test_dist_mnist.py Split the unittest test_dist_mmist into multiple unittests (test_dist_mnist, test_dist_mnist_nccl and test_dist_mnist_lars) to avoid timeout (#17707) 6 years ago
test_dist_mnist_batch_merge.py
test_dist_mnist_lars.py Split the unittest test_dist_mmist into multiple unittests (test_dist_mnist, test_dist_mnist_nccl and test_dist_mnist_lars) to avoid timeout (#17707) 6 years ago
test_dist_mnist_nccl.py Add backward and optimizer operator dependency pass. (#17746) 6 years ago
test_dist_mnist_pg.py add parallel graph dist test (#16076) 6 years ago
test_dist_save_load.py Fix nparray.all() bug. (#16472) 6 years ago
test_dist_se_resnext.py Add DGC(Deep Gradient Compression) interface. (#15841) 6 years ago
test_dist_se_resnext_nccl.py add resnet nccl2 dist training, mp training unit test (#16167) 6 years ago
test_dist_simnet_bow.py
test_dist_text_classification.py
test_dist_train.py
test_dist_transformer.py fix cdn issue, test=develop (#16423) 6 years ago
test_dist_transpiler.py revert revert 16144 6 years ago
test_dist_word2vec.py
test_distribute_fpn_proposals_op.py fix distribute fpn proposals, test=develop (#16152) 6 years ago
test_distributions.py Add distributions of normal and uniform (#18023) 6 years ago
test_dropout_op.py Refine dropout gpu memory (#17095) 6 years ago
test_dygraph_multi_forward.py Add comment for dygraph api (#17869) 6 years ago
test_dyn_rnn.py [Speed] Make test_dyn_rnn faster (#16761) 6 years ago
test_dynrnn_gradient_check.py Support backward of backward for Relu and add a new gradient checker by comparing theoretical and numerical Jacobian. (#16862) 6 years ago
test_dynrnn_static_input.py
test_eager_deletion_conditional_block.py fix gc bug in conditional block (#16673) 6 years ago
test_eager_deletion_delete_vars.py fix some op grad maker 6 years ago
test_eager_deletion_dynamic_rnn_base.py Fix unittests which takes too long time (#16713) 6 years ago
test_eager_deletion_gru_net.py fix some op grad maker 6 years ago
test_eager_deletion_lstm_net.py fix some op grad maker 6 years ago
test_eager_deletion_mnist.py fix env variable settting bug 6 years ago
test_eager_deletion_transformer.py fix env variable settting bug 6 years ago
test_eager_deletion_while_op.py fix some op grad maker 6 years ago
test_edit_distance_op.py support Tensor input for edit_distance op (#18162) 6 years ago
test_elementwise_add_op.py
test_elementwise_div_op.py
test_elementwise_floordiv_op.py fix time; test=develop 6 years ago
test_elementwise_gradient_op.py
test_elementwise_max_op.py
test_elementwise_min_op.py
test_elementwise_mod_op.py fix time; test=develop 6 years ago
test_elementwise_mul_op.py
test_elementwise_nn_grad.py refine shape and split test. test=develop (#17545) 6 years ago
test_elementwise_pow_op.py
test_elementwise_sub_op.py
test_exception.py
test_executor_and_mul.py
test_executor_and_use_program_cache.py fix prepare context redundant code problem, optimize executor by cach… (#17743) 6 years ago
test_expand_op.py expand op supprt tensor attribute (#17773) 6 years ago
test_fake_dequantize_op.py add channel wise quantization in ir pass. 6 years ago
test_fake_init_op.py
test_fake_quantize_op.py add quant_dequant_moving_avg_max_abs op (#17480) 6 years ago
test_fc_op.py
test_feed_fetch_method.py
test_fetch_var.py
test_fill_any_like_op.py add ones_like op (#17388) 6 years ago
test_fill_constant_batch_size_like_op.py
test_fill_constant_op.py
test_fill_op.py
test_fill_zeros_like2_op.py Fix some grad op desc makers (#16633) 6 years ago
test_fill_zeros_like_op.py
test_flatten_op.py
test_framework_debug_str.py
test_fsp_op.py Make unitest of fsp op faster and more stable. (#16502) 6 years ago
test_ftrl_op.py
test_fuse_all_reduce_pass.py Add unit test for fuse_opt_ops (#16550) 6 years ago
test_fuse_elewise_add_act_pass.py Add unit test for fuse_opt_ops (#16550) 6 years ago
test_fuse_optimizer_pass.py Add fuse momenutum ops (#16745) 6 years ago
test_fuse_relu_depthwise_conv_pass.py
test_fused_elemwise_activation_op.py
test_fused_emb_seq_pool_op.py
test_fused_embedding_fc_lstm_op.py
test_fusion_gru_op.py
test_fusion_lstm_op.py
test_fusion_repeated_fc_relu_op.py
test_fusion_seqconv_eltadd_relu_op.py
test_fusion_seqexpand_concat_fc_op.py
test_fusion_seqpool_concat_op.py
test_fusion_squared_mat_sub_op.py
test_fusion_transpose_flatten_concat_op.py
test_gather_op.py Fix scatter and gather op when has duplicate index (#17952) 6 years ago
test_gaussian_random_batch_size_like_op.py
test_gaussian_random_op.py
test_generate_mask_labels_op.py Add generate_mask_labels_op to support Mask-RCNN and refine some code. (#15371) 6 years ago
test_generate_proposal_labels_op.py Update generate_proposal_labels_op to support CascadeRCNN. (#17200) 6 years ago
test_generate_proposals_op.py Add generate_mask_labels_op to support Mask-RCNN and refine some code. (#15371) 6 years ago
test_get_places_op.py Support backward of backward for Relu and add a new gradient checker by comparing theoretical and numerical Jacobian. (#16862) 6 years ago
test_get_tensor_from_selected_rows_op.py
test_grad_clip_minimize.py Add new gard clip [old gradient clip not support in dy graph] (#17523) 6 years ago
test_gradient_clip.py Fix unittests which takes too long time (#16713) 6 years ago
test_grid_sampler_op.py
test_group_norm_op.py
test_gru_op.py Support seq len equal to 0 in sequence ops (#16935) 6 years ago
test_gru_unit_op.py
test_hash_op.py upgrade hash op to support Tensor and LoDTensor input (#17998) 6 years ago
test_hinge_loss_op.py
test_hsigmoid_op.py
test_hsigmoid_remote_table_op.py
test_huber_loss_op.py
test_im2sequence_op.py
test_image_classification_layer.py
test_imperative_base.py Align the first batch of gpu resnet 6 years ago
test_imperative_basic.py test=develop, hide build_once (#17871) 6 years ago
test_imperative_checkpoint.py Add comment for dygraph api (#17869) 6 years ago
test_imperative_decorator.py Hide no support (#18515) 6 years ago
test_imperative_deepcf.py test=develop, add gradient sort backward strategy (#17125) 6 years ago
test_imperative_gan.py test=develop, add gradient sort backward strategy (#17125) 6 years ago
test_imperative_gnn.py test=develop, layz init Grad (#17653) 6 years ago
test_imperative_mnist.py Add comment for dygraph api (#17869) 6 years ago
test_imperative_mnist_sorted_gradient.py test=develop, add gradient sort backward strategy (#17125) 6 years ago
test_imperative_ocr_attention_model.py Add comment for dygraph api (#17869) 6 years ago
test_imperative_optimizer.py use pyreader to read data in dygraph mode (#17314) 6 years ago
test_imperative_ptb_rnn.py test=develop, hide build_once (#17871) 6 years ago
test_imperative_ptb_rnn_sorted_gradient.py test=develop, add gradient sort backward strategy (#17125) 6 years ago
test_imperative_recurrent_usage.py Feature/Fix recurrent usage of Varbase in Dygraph (#17838) 6 years ago
test_imperative_reinforcement.py add unittest of dygraph RL models. (#17550) 6 years ago
test_imperative_resnet.py Add comment for dygraph api (#17869) 6 years ago
test_imperative_resnet_sorted_gradient.py decrease the train loop number to avoid run too long to fail the ci process test=develop (#17567) 6 years ago
test_imperative_save_load_optimizer.py test=develop, refine api (#17883) 6 years ago
test_imperative_se_resnext.py Add comment for dygraph api (#17869) 6 years ago
test_imperative_transformer.py test=develop, fix test_imperative_transformer and ocr (#18127) 6 years ago
test_imperative_transformer_sorted_gradient.py test=develop, fix test_imperative_transformer and ocr (#18127) 6 years ago
test_infer_shape.py expand op supprt tensor attribute (#17773) 6 years ago
test_inference_model_io.py Merge remote-tracking branch 'origin/develop' into feature/ir_inplace_pass 6 years ago
test_initializer.py Init mixed precision training interface (#16856) 6 years ago
test_inplace_softmax_with_cross_entropy.py Enhance inplace/mem-opt pass and enhance softmax_with_cross_entropy op inplace (#17225) 6 years ago
test_install_check.py Add comment for dygraph api (#17869) 6 years ago
test_iou_similarity_op.py
test_ir_graph.py
test_ir_inplace_pass.py Rewrite inplace pass and fix gc bug (#17126) 6 years ago
test_ir_memory_optimize_ifelse_op.py add IfElse test case for ir memory optimize (#15998) 6 years ago
test_ir_memory_optimize_nlp.py fix default value. test=develop 6 years ago
test_ir_memory_optimize_pass.py
test_ir_memory_optimize_transformer.py fix default value. test=develop 6 years ago
test_is_empty_op.py
test_isfinite_op.py
test_kldiv_loss_op.py fix for gpu grad. test=develop 6 years ago
test_l1_norm_op.py
test_label_smooth_op.py
test_lamb_op.py Update lamb optimizer (#18333) 6 years ago
test_launch.sh Unset https_proxy and http_proxy in our launch.py (#17915) 6 years ago
test_layer_norm_op.py [NGraph] Enable ngraph layer_norm operator (#17599) 6 years ago
test_layers.py add detection output operator for supporting retinanet (#17896) 6 years ago
test_learning_rate_scheduler.py Enhance linear_lr_warmup (#18463) 6 years ago
test_linear_chain_crf_op.py Support seq len equal to 0 in sequence ops (#16935) 6 years ago
test_linspace.py test=develop 6 years ago
test_listen_and_serv_op.py Fleet unify distributed training (#16791) 6 years ago
test_lod_array_length_op.py
test_lod_rank_table.py
test_lod_reset_op.py
test_lod_tensor_array.py
test_lod_tensor_array_ops.py
test_log_loss_op.py
test_logical_op.py
test_lookup_remote_table_op.py
test_lookup_sparse_table_op.py
test_lookup_table_op.py
test_lrn_op.py
test_lstm_cudnn_op.py reduce unittest time by rename testcuda to has_cuda 6 years ago
test_lstm_op.py Support seq len equal to 0 in sequence ops (#16935) 6 years ago
test_lstm_unit_op.py
test_lstmp_op.py Support seq len equal to 0 in sequence ops (#16935) 6 years ago
test_margin_rank_loss_op.py
test_math_op_patch.py Support backward of backward for Relu and add a new gradient checker by comparing theoretical and numerical Jacobian. (#16862) 6 years ago
test_matmul_op.py
test_maxout_op.py
test_mean_iou.py
test_mean_op.py
test_memory_optimization_transpiler.py
test_memory_usage.py
test_merge_ids_op.py
test_merge_selectedrows_op.py
test_metrics.py
test_mine_hard_examples_op.py
test_minus_op.py
test_mix_precision_all_reduce_fuse.py Make fuse_all_reduce_op_pass support mix_precision (#17652) 6 years ago
test_modified_huber_loss_op.py
test_momentum_op.py
test_mul_op.py
test_multi_file_reader.py
test_multi_pass_reader.py
test_multiclass_nms_op.py test=develop fix bug: fix selected_indices in nms (#17140) 6 years ago
test_multihead_attention.py
test_multiplex_op.py
test_name_scope.py
test_nce.py
test_nce_remote_table_op.py Fix nparray.all() bug. (#16472) 6 years ago
test_nearest_interp_op.py fix interpolate cu. test=develop (#17101) 6 years ago
test_network_with_dtype.py
test_nn_grad.py refine shape and split test. test=develop (#17545) 6 years ago
test_norm_op.py
test_normalization_wrapper.py
test_npair_loss_op.py test=develop, change testfile 6 years ago
test_nvprof.py
test_one_hot_op.py ont hot support tensor depth (#16972) 6 years ago
test_op_support_gpu.py
test_operator.py
test_operator_desc.py ont hot support tensor depth (#16972) 6 years ago
test_optimizer.py add initial_accumulator_value for adagrad 6 years ago
test_pad2d_op.py
test_pad_constant_like.py
test_pad_op.py
test_parallel_dygraph_mnist.py Refine unittest log (#18084) 6 years ago
test_parallel_dygraph_se_resnext.py Refine unittest log (#18084) 6 years ago
test_parallel_executor_crf.py Fuse Adam And SGD ops (#15933) 6 years ago
test_parallel_executor_drop_scope.py Add DropLocalExeScopes in ParallelExecutor (#17297) 6 years ago
test_parallel_executor_dry_run.py Update CPU_NUM config (#18059) 6 years ago
test_parallel_executor_fetch_feed.py [Speed] Refine the Executor when the num_thread=1 (#17405) 6 years ago
test_parallel_executor_mnist.py Batch norm cudnn accurate (#16545) 6 years ago
test_parallel_executor_pg.py Add unit test for fuse_opt_ops (#16550) 6 years ago
test_parallel_executor_seresnext.py fix test_parallel_executor_seresnet random fail (#17030) 6 years ago
test_parallel_executor_test_while_train.py Add unit test for fuse_opt_ops (#16550) 6 years ago
test_parallel_executor_transformer.py Merge pull request #16868 from chengduoZH/speedup_test_parallel_executor_transformer 6 years ago
test_parameter.py
test_partial_eager_deletion_transformer.py fix some op grad maker 6 years ago
test_pass_builder.py Add unit test for fuse_opt_ops (#16550) 6 years ago
test_peak_gpumem_monitor.py expose peak gpu memory API to python test=develop (#15529) 6 years ago
test_pipeline.py Refactor for Pipeline Thread Check (#18459) 6 years ago
test_pixel_shuffle.py Add Pixel shuffle OP (#15782) 6 years ago
test_polygon_box_transform.py
test_pool2d_op.py reduce unittest time by rename testcuda to has_cuda 6 years ago
test_pool3d_op.py reduce unittest time by rename testcuda to has_cuda 6 years ago
test_pool_max_op.py
test_positive_negative_pair_op.py
test_precision_recall_op.py
test_prelu_op.py
test_preprocessor.py
test_print_op.py Fix bug of scope_buffered_ssa_graph_executor (#18100) 6 years ago
test_prior_box_op.py
test_profiler.py Fix test_profiler when the machine has many cores 6 years ago
test_program.py
test_program_code.py
test_protobuf.py
test_protobuf_descs.py
test_proximal_adagrad_op.py
test_proximal_gd_op.py
test_psroi_pool_op.py
test_py_func_op.py add IfElse test case for ir memory optimize (#15998) 6 years ago
test_py_reader_lod_level_share.py
test_py_reader_pin_memory.py
test_py_reader_push_pop.py
test_py_reader_sample_generator.py change API name 6 years ago
test_py_reader_using_executor.py Update CPU_NUM config (#18059) 6 years ago
test_pyreader.py use pyreader to read data in dygraph mode (#17314) 6 years ago
test_random_crop_op.py Fixrecordio (#16124) 6 years ago
test_range.py [Operator] Add range op. (#15431) 6 years ago
test_rank_loss_op.py
test_reader_reset.py
test_recordio_reader.py ont hot support tensor depth (#16972) 6 years ago
test_recurrent_op.py add random seed for recurrent op test (#18274) 6 years ago
test_reduce_op.py test=develop 6 years ago
test_reducescatter.py supports collective communicated training (#18175) 6 years ago
test_ref_by_trainer_id_op.py
test_registry.py Support backward of backward for Relu and add a new gradient checker by comparing theoretical and numerical Jacobian. (#16862) 6 years ago
test_regularizer.py
test_reorder_lod_tensor.py
test_reshape_op.py Reshape support tensor attribute (#17781) 6 years ago
test_retinanet_detection_output.py add detection output operator for supporting retinanet (#17896) 6 years ago
test_reverse_op.py
test_rmsprop_op.py
test_rnn_memory_helper_op.py
test_roi_align_op.py fix some op grad maker 6 years ago
test_roi_perspective_transform_op.py Make roi_perspective_transform op return mask and transform matrix (#18371) 6 years ago
test_roi_pool_op.py
test_row_conv_op.py
test_rpn_target_assign_op.py add target assign operator for supporting retinanet (#17893) 6 years ago
test_sampling_id_op.py fix sampling id op bug (#16909) 6 years ago
test_scale_op.py
test_scatter_op.py Fix scatter and gather op when has duplicate index (#17952) 6 years ago
test_scope.py
test_selected_rows.py
test_selu_op.py
test_seq_conv.py Support seq len equal to 0 in sequence ops (#16935) 6 years ago
test_seq_pool.py Enable seq_pool op to accept len 0 input (#17284) 6 years ago
test_sequence_concat.py Support seq len equal to 0 in sequence ops (#16935) 6 years ago
test_sequence_enumerate_op.py Support seq len equal to 0 in sequence ops (#16935) 6 years ago
test_sequence_erase_op.py Support seq len equal to 0 in sequence ops (#16935) 6 years ago
test_sequence_expand.py Support seq len equal to 0 in sequence ops (#16935) 6 years ago
test_sequence_expand_as.py Support seq len equal to 0 in sequence ops (#16935) 6 years ago
test_sequence_mask.py Sequence mask support tensor (#18249) 6 years ago
test_sequence_pad_op.py Support seq len equal to 0 in sequence ops (#16935) 6 years ago
test_sequence_reshape.py Support seq len equal to 0 in sequence ops (#16935) 6 years ago
test_sequence_reverse.py Support seq len equal to 0 in sequence ops (#16935) 6 years ago
test_sequence_scatter_op.py Support seq len equal to 0 in sequence ops (#16935) 6 years ago
test_sequence_slice_op.py Support seq len equal to 0 in sequence ops (#16935) 6 years ago
test_sequence_softmax_op.py Support seq len equal to 0 in sequence ops (#16935) 6 years ago
test_sequence_unpad_op.py Support seq len equal to 0 in sequence ops (#16935) 6 years ago
test_sgd_op.py add sgd jitcode and op test 6 years ago
test_shape_op.py
test_shrink_rnn_memory.py
test_shuffle_channel_op.py
test_sigmoid_cross_entropy_with_logits_op.py remove sigmoid change; test=develop 6 years ago
test_sigmoid_focal_loss_op.py add sigmoid focal loss operator for supporting retinanet (#17895) 6 years ago
test_sign_op.py
test_similarity_focus_op.py
test_size_op.py add size op (#17412) 6 years ago
test_slice_op.py Fix slice op shape=-1 bug (#18107) 6 years ago
test_slice_var.py
test_smooth_l1_loss_op.py
test_softmax_op.py add jit kernel for softmax axis. test=develop 6 years ago
test_softmax_with_cross_entropy_op.py Softmax_cross_entropy op add axis (#16806) 6 years ago
test_space_to_depth_op.py
test_spectral_norm_op.py fix spectral_norm doc. test=develop 6 years ago
test_split_and_merge_lod_tensor_op.py
test_split_ids_op.py
test_split_op.py
test_split_selected_rows_op.py fix test_split_selected_rows_op test=develop 6 years ago
test_spp_op.py
test_squared_l2_distance_op.py
test_squared_l2_norm_op.py
test_squeeze_op.py
test_stack_op.py
test_sum_op.py
test_switch.py
test_sync_batch_norm_op.py Remove nccl dep when the number of GPU is 1 (#18158) 6 years ago
test_target_assign_op.py
test_teacher_student_sigmoid_loss_op.py
test_temporal_shift_op.py fix unittest. test=develop 6 years ago
test_tensor.py add __str__ method for tensor and lodtensor to support print test=dev… (#17588) 6 years ago
test_tensor_array_to_tensor.py
test_tensor_to_numpy.py Fix mem leak when converting Tensor to numpy array (#17182) 6 years ago
test_top_k_op.py
test_transpose_op.py
test_tree_conv_op.py
test_truncated_gaussian_random_op.py
test_unfold_op.py add unfold op (new op),test=develop (#17944) 6 years ago
test_uniform_random_batch_size_like_op.py
test_uniform_random_op.py
test_unique.py add unique kernel and op (#17557) 6 years ago
test_unique_name.py
test_unpool_op.py
test_unsqueeze_op.py
test_unstack_op.py
test_variable.py Fix slice op shape=-1 bug (#18107) 6 years ago
test_version.py Revert "rename the default version from '0.0.0' to 'latest' (#17304)" (#17356) 6 years ago
test_warpctc_op.py Cherry-pick: fix random CI failure. (#18011) 6 years ago
test_weight_decay.py fix test_weight_decay (#17109) 6 years ago
test_weight_normalization.py
test_where.py Add Where Op(#16793) 6 years ago
test_while_op.py
test_yolo_box_op.py use memory Copy. test=develop 6 years ago
test_yolov3_loss_op.py polish the label_smooth (#17138) 6 years ago
testsuite.py remove test temporal 6 years ago
transformer_model.py fix spelling errors (#17941) 6 years ago