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
liym27 670937e11d
add input type and dtype check for reshape op. (#20099)
6 years ago
..
mkldnn Fix test pool2d int8 mkldnn (#19976) 6 years ago
ngraph Add a pass to fuse fc+elementwise_add+layernorm (#19776) 6 years ago
CMakeLists.txt Add bash_test_modules function to capture the timeout or failed context. (#20197) 6 years ago
__init__.py
benchmark.py
benchmark_sum_op.py
collective_allgather_op.py
collective_allreduce_op.py
collective_broadcast_op.py
collective_reducescatter_op.py
ctr_dataset_reader.py trainer from dataset fetch targets (#19760) 6 years ago
decorator_helper.py
dist_allreduce_op.py
dist_ctr.py
dist_ctr_reader.py
dist_fleet_ctr.py trainer from dataset fetch targets (#19760) 6 years ago
dist_mnist.py
dist_mnist_batch_merge.py
dist_mnist_lars.py
dist_save_load.py
dist_se_resnext.py
dist_simnet_bow.py
dist_test.sh Add bash_test_modules function to capture the timeout or failed context. (#20197) 6 years ago
dist_test_utils.py
dist_text_classification.py
dist_transformer.py
dist_word2vec.py
fake_reader.py
feed_data_reader.py
gradient_checker.py
ir_memory_optimize_net_base.py
multi_process.py distribute.launch use poll to query subprocess (#19853) 6 years ago
op_test.py Make OpTest check grad inplace even if forward has no inplace (#19847) 6 years ago
parallel_dygraph_mnist.py
parallel_dygraph_se_resnext.py
parallel_executor_test_base.py
py_precise_roi_pool.py add precise roi pooling op test=develop (#18960) 6 years ago
seresnext_net.py
seresnext_test_base.py
simple_nets.py Unify DataLoader APIs (#19305) 6 years ago
test_accuracy_op.py
test_activation_nn_grad.py
test_activation_op.py add input type and dtype check for elu_op (#20106) 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 Remove unit testing for large shape in test_affine_channel_op (#19993) 6 years ago
test_affine_grid_op.py
test_allgather.py
test_allreduce.py
test_anchor_generator_op.py
test_arg_min_max_op.py
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
test_attention_lstm_op.py
test_auc_op.py
test_auc_single_pred_op.py
test_avoid_twice_initialization.py Avoid treating broadcast as initialization operation (#19857) 6 years ago
test_backward.py
test_base_layer.py
test_basic_gru_api.py
test_basic_gru_unit_op.py
test_basic_lstm_api.py
test_basic_lstm_unit_op.py
test_batch_norm_op.py add error log for python api and c++ (#20061) 6 years ago
test_beam_search_decode_op.py
test_beam_search_op.py
test_bilinear_interp_op.py resize Ops support data_layout:channel_last, test=develop, test=document_preview (#19914) 6 years ago
test_bilinear_tensor_product_op.py
test_bipartite_match_op.py
test_box_clip_op.py
test_box_coder_op.py
test_box_decoder_and_assign_op.py
test_boxps.py
test_bpr_loss_op.py
test_broadcast.py
test_buffer_shared_memory_reuse_pass.py
test_buffer_shared_memory_reuse_pass_and_fuse_optimization_op_pass.py
test_c_comm_init_all_op.py
test_calc_gradient.py
test_cast_op.py
test_center_loss.py
test_check_import_scipy.py
test_chunk_eval_op.py
test_clip_by_norm_op.py
test_clip_op.py
test_coalesce_tensor_op.py Add dtype for coalesce_tensor_op (#20016) 6 years ago
test_collect_fpn_proposals_op.py
test_collective_base.py
test_compare_op.py
test_compat.py Optimze/optimize dygraph api (#19999) 6 years ago
test_concat_op.py Add fp16 support for pad and split (#19881) 6 years ago
test_conditional_block.py
test_const_value.py
test_conv2d_fusion_op.py
test_conv2d_op.py add error log for python api and c++ (#20061) 6 years ago
test_conv2d_transpose_op.py conv_transpose supports channel_last input, test=develop, test=document_preview (#20072) 6 years ago
test_conv3d_op.py fix conv2d and conv3d: (#20042) 6 years ago
test_conv3d_transpose_op.py conv_transpose supports channel_last input, test=develop, test=document_preview (#20072) 6 years ago
test_conv_nn_grad.py fix conv2d and conv3d: (#20042) 6 years ago
test_conv_shift_op.py
test_cos_sim_op.py
test_create_op_doc_string.py
test_crf_decoding_op.py Refactor linear chain crf op & crf decoding op (#19982) 6 years ago
test_crop_op.py
test_crop_tensor_op.py add crop_tensor_op, test=develop, test=document_preview (#19314) 6 years ago
test_cross_entropy2_op.py Remove constraint that last dimension is forced to be 1 in cross_entropy (#19606) 6 years ago
test_cross_entropy_op.py add error log for python api and c++ (#20061) 6 years ago
test_ctc_align.py refine ctc align op with padding (#19926) 6 years ago
test_cumsum_op.py
test_cvm_op.py
test_cyclic_cifar_dataset.py fix readers bug, test=develop (#19868) 6 years ago
test_data_norm_op.py support change shuffle and train thread num (#19841) 6 years ago
test_dataset.py trainer from dataset fetch targets (#19760) 6 years ago
test_dataset_dataloader.py Unify DataLoader APIs (#19305) 6 years ago
test_debugger.py
test_decayed_adagrad_op.py
test_decoupled_py_reader.py
test_decoupled_py_reader_data_check.py Unify DataLoader APIs (#19305) 6 years ago
test_default_scope_funcs.py
test_deformable_conv_op.py
test_deformable_conv_v1_op.py
test_deformable_psroi_pooling.py
test_density_prior_box_op.py
test_deprecated_memory_optimize_interfaces.py
test_desc_clone.py
test_detach.py Optimze/optimize dygraph api (#19999) 6 years ago
test_detection_map_op.py
test_dgc_op.py
test_diag.py
test_dist_allreduce_op.py
test_dist_base.py Add bash_test_modules function to capture the timeout or failed context. (#20197) 6 years ago
test_dist_ctr.py Add bash_test_modules function to capture the timeout or failed context. (#20197) 6 years ago
test_dist_fleet_base.py trainer from dataset fetch targets (#19760) 6 years ago
test_dist_fleet_ctr.py trainer from dataset fetch targets (#19760) 6 years ago
test_dist_fleet_geo.py Add GEO-SGD distribute training algorithm (#20018) 6 years ago
test_dist_mnist.py Add bash_test_modules function to capture the timeout or failed context. (#20197) 6 years ago
test_dist_mnist_backward_deps.py
test_dist_mnist_batch_merge.py Add bash_test_modules function to capture the timeout or failed context. (#20197) 6 years ago
test_dist_mnist_dgc_nccl.py Add bash_test_modules function to capture the timeout or failed context. (#20197) 6 years ago
test_dist_mnist_fleetapi.py
test_dist_mnist_hallreduce.py Add bash_test_modules function to capture the timeout or failed context. (#20197) 6 years ago
test_dist_mnist_lars.py
test_dist_mnist_multi_comm.py Add bash_test_modules function to capture the timeout or failed context. (#20197) 6 years ago
test_dist_mnist_pg.py
test_dist_mnist_ring_allreduce.py
test_dist_mnist_with_program.py
test_dist_save_load.py Add bash_test_modules function to capture the timeout or failed context. (#20197) 6 years ago
test_dist_se_resnext_async.py
test_dist_se_resnext_dgc.py Add bash_test_modules function to capture the timeout or failed context. (#20197) 6 years ago
test_dist_se_resnext_nccl.py Add bash_test_modules function to capture the timeout or failed context. (#20197) 6 years ago
test_dist_se_resnext_sync.py Add bash_test_modules function to capture the timeout or failed context. (#20197) 6 years ago
test_dist_simnet_bow.py Add bash_test_modules function to capture the timeout or failed context. (#20197) 6 years ago
test_dist_text_classification.py Add bash_test_modules function to capture the timeout or failed context. (#20197) 6 years ago
test_dist_train.py
test_dist_transformer.py
test_dist_transpiler.py
test_dist_word2vec.py Add bash_test_modules function to capture the timeout or failed context. (#20197) 6 years ago
test_distribute_fpn_proposals_op.py
test_distributions.py
test_downpoursgd.py
test_dpsgd_op.py add optimizer:dpsgd,test=develop (#19915) 6 years ago
test_dropout_op.py add error log for python api and c++ (#20061) 6 years ago
test_dygraph_mnist_fp16.py
test_dygraph_multi_forward.py
test_dyn_rnn.py
test_dynrnn_gradient_check.py
test_dynrnn_static_input.py
test_eager_deletion_conditional_block.py
test_eager_deletion_delete_vars.py
test_eager_deletion_dynamic_rnn_base.py
test_eager_deletion_gru_net.py
test_eager_deletion_lstm_net.py
test_eager_deletion_mnist.py
test_eager_deletion_padding_rnn.py
test_eager_deletion_recurrent_op.py
test_eager_deletion_transformer.py
test_eager_deletion_while_op.py
test_edit_distance_op.py
test_elementwise_add_op.py
test_elementwise_div_op.py
test_elementwise_floordiv_op.py
test_elementwise_gradient_op.py
test_elementwise_max_op.py
test_elementwise_min_op.py
test_elementwise_mod_op.py add elementwise mod support float/double. test=develop (#19570) 6 years ago
test_elementwise_mul_op.py
test_elementwise_nn_grad.py
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
test_executor_return_tensor_not_overwriting.py
test_expand_op.py
test_eye_op.py
test_fake_dequantize_op.py
test_fake_init_op.py
test_fake_quantize_op.py
test_fc_op.py enhance shape error message of fc API (#20172) 6 years ago
test_feed_data_check_shape_type.py Refine Error Message for New Data API (#20204) 6 years ago
test_feed_fetch_method.py
test_fetch_handler.py trainer from dataset fetch targets (#19760) 6 years ago
test_fetch_var.py
test_fill_any_like_op.py
test_fill_constant_batch_size_like_op.py
test_fill_constant_op.py Fill constant error message fix (#20075) 6 years ago
test_fill_op.py add kernel for fill_op, test=develop (#19719) 6 years ago
test_fill_zeros_like2_op.py
test_fill_zeros_like_op.py
test_filter_by_instag_op.py
test_fl_listen_and_serv_op.py
test_flatten2_op.py
test_flatten_op.py
test_fleet_api_input.py
test_fleet_rolemaker.py paddle cloud role maker fix (#19646) 6 years ago
test_fleet_utils.py
test_framework_debug_str.py
test_fsp_op.py
test_ftrl_op.py
test_fuse_all_reduce_pass.py
test_fuse_elewise_add_act_pass.py
test_fuse_optimizer_pass.py
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_fused_fc_elementwise_layernorm_op.py Add a pass to fuse fc+elementwise_add+layernorm (#19776) 6 years ago
test_fused_multihead_matmul_op.py Add multihead op for ernie opt (#19933) 6 years ago
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_seqpool_cvm_concat_op.py
test_fusion_squared_mat_sub_op.py
test_fusion_transpose_flatten_concat_op.py
test_gather_nd_op.py
test_gather_op.py
test_gaussian_random_batch_size_like_op.py
test_gaussian_random_op.py
test_generate_mask_labels_op.py
test_generate_proposal_labels_op.py
test_generate_proposals_op.py
test_generator_dataloader.py Unify DataLoader APIs (#19305) 6 years ago
test_get_places_op.py
test_get_tensor_from_selected_rows_op.py
test_grad_clip_minimize.py
test_gradient_clip.py
test_grid_sampler_op.py
test_group_norm_op.py group_norm support data_layout:NHWC, test=develop, test=document_preview (#19614) 6 years ago
test_gru_op.py
test_gru_unit_op.py
test_hash_op.py
test_hinge_loss_op.py
test_hsigmoid_op.py
test_hsigmoid_remote_table_op.py
test_huber_loss_op.py Require x.dims=label.dims in huber_loss (#20017) 6 years ago
test_im2sequence_op.py
test_image_classification_layer.py
test_imperative_auto_prune.py Fix/auto prune error on leaf (#20056) 6 years ago
test_imperative_base.py
test_imperative_basic.py Optimze/optimize dygraph api (#19999) 6 years ago
test_imperative_checkpoint.py
test_imperative_debug_string.py
test_imperative_decorator.py Optimze/optimize dygraph api (#19999) 6 years ago
test_imperative_deepcf.py
test_imperative_framework.py Optimze/optimize dygraph api (#19999) 6 years ago
test_imperative_gan.py
test_imperative_gnn.py Optimze/optimize dygraph api (#19999) 6 years ago
test_imperative_mnist.py
test_imperative_mnist_sorted_gradient.py
test_imperative_ocr_attention_model.py
test_imperative_optimizer.py
test_imperative_partitial_backward.py
test_imperative_ptb_rnn.py Optimze/optimize dygraph api (#19999) 6 years ago
test_imperative_ptb_rnn_sorted_gradient.py Optimze/optimize dygraph api (#19999) 6 years ago
test_imperative_recurrent_usage.py Feature/auto prune in dygraph (#19757) 6 years ago
test_imperative_reinforcement.py
test_imperative_resnet.py
test_imperative_resnet_sorted_gradient.py
test_imperative_save_load_optimizer.py
test_imperative_se_resnext.py
test_imperative_transformer_sorted_gradient.py Optimze/optimize dygraph api (#19999) 6 years ago
test_infer_shape.py
test_inference_api.py
test_inference_model_io.py warning when user save a inference model which contains auc op test=develop (#19838) 6 years ago
test_initializer.py
test_inplace_softmax_with_cross_entropy.py
test_install_check.py
test_instance_norm_op.py Fix OpTest of bn (#19062) 6 years ago
test_iou_similarity_op.py
test_ir_graph.py
test_ir_inplace_pass.py
test_ir_memory_optimize_ifelse_op.py
test_ir_memory_optimize_nlp.py
test_ir_memory_optimize_pass.py
test_ir_memory_optimize_transformer.py
test_is_empty_op.py
test_isfinite_op.py
test_kldiv_loss_op.py
test_l1_norm_op.py
test_label_smooth_op.py
test_lamb_op.py
test_launch.sh distribute.launch use poll to query subprocess (#19853) 6 years ago
test_layer_norm_op.py Add a pass to fuse fc+elementwise_add+layernorm (#19776) 6 years ago
test_layers.py Refactor linear chain crf op & crf decoding op (#19982) 6 years ago
test_learning_rate_scheduler.py
test_linear_chain_crf_op.py Refactor linear chain crf op & crf decoding op (#19982) 6 years ago
test_linspace.py
test_listen_and_serv.sh
test_listen_and_serv_op.py
test_load_vars_shape_check.py Add shape check in load model (#19936) 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_lookup_table_v2_op.py Remove constraint that last dimension is forced to be 1 by adding lookup_table_v2 (#19735) 6 years ago
test_lrn_op.py
test_lstm_cudnn_op.py
test_lstm_op.py
test_lstm_unit_op.py
test_lstmp_op.py
test_margin_rank_loss_op.py
test_match_matrix_tensor_op.py move match_matrix var_conv2d et.al api into fluid.contrib test=develop (#19859) 6 years ago
test_math_op_patch.py fix math_op_path.py when integers, test=develop (#20008) 6 years ago
test_matmul_op.py
test_matmul_op_with_head.py add support of matmul with multiple head even different width and height (#19708) 6 years ago
test_maxout_op.py
test_mean_iou.py
test_mean_op.py
test_memory_reuse_exclude_feed_var.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
test_modified_huber_loss_op.py
test_momentum_op.py
test_mse_loss.py add mse_loss (#19759) 6 years ago
test_mul_op.py
test_multiclass_nms_op.py
test_multihead_attention.py
test_multiplex_op.py
test_multiprocess_reader_exception.py fix readers bug, test=develop (#19868) 6 years ago
test_name_scope.py Fix name_scope test case bug (#20034) 6 years ago
test_nce.py Add detailed error messages for nce layer (#20231) 6 years ago
test_nce_remote_table_op.py
test_nearest_interp_op.py resize Ops support data_layout:channel_last, test=develop, test=document_preview (#19914) 6 years ago
test_network_with_dtype.py
test_nn_grad.py
test_norm_nn_grad.py add instance norm (#19500) 6 years ago
test_norm_op.py
test_normalization_wrapper.py
test_npair_loss_op.py
test_nvprof.py
test_one_hot_op.py
test_one_hot_v2_op.py Remove constraint that last dimension is forced to be 1 by adding lookup_table_v2 (#19735) 6 years ago
test_op_support_gpu.py
test_operator.py
test_operator_desc.py
test_optimizer.py RecomputeOptimizer: rm unused ckpt and sort ckpt (#20108) 6 years ago
test_pad2d_op.py
test_pad_constant_like.py
test_pad_op.py Add fp16 support for pad and split (#19881) 6 years ago
test_parallel_dygraph_mnist.py
test_parallel_dygraph_se_resnext.py
test_parallel_executor_crf.py
test_parallel_executor_crf_auto_growth.py
test_parallel_executor_drop_scope.py
test_parallel_executor_dry_run.py
test_parallel_executor_feed_persistable_var.py
test_parallel_executor_fetch_feed.py
test_parallel_executor_mnist.py
test_parallel_executor_pg.py
test_parallel_executor_run_load_infer_program.py
test_parallel_executor_seresnext_base_cpu.py
test_parallel_executor_seresnext_base_gpu.py
test_parallel_executor_seresnext_with_fuse_all_reduce_cpu.py
test_parallel_executor_seresnext_with_fuse_all_reduce_gpu.py
test_parallel_executor_seresnext_with_reduce_cpu.py
test_parallel_executor_seresnext_with_reduce_gpu.py
test_parallel_executor_test_while_train.py
test_parallel_executor_transformer.py
test_parallel_executor_transformer_auto_growth.py
test_parameter.py add more checks to create_parameter test=develop (#20059) 6 years ago
test_partial_eager_deletion_transformer.py
test_pass_builder.py
test_pipeline.py
test_pixel_shuffle.py
test_polygon_box_transform.py
test_pool2d_op.py fix bug of infer shape in pool op. test=develop (#20213) 6 years ago
test_pool3d_op.py fix pool2d pool3d,support asymmetric padding and channel_last (#19739) 6 years ago
test_pool_max_op.py
test_positive_negative_pair_op.py
test_precision_recall_op.py
test_prelu_op.py
test_print_op.py
test_prior_box_op.py
test_profiler.py
test_program.py
test_program_code.py
test_program_prune_backward.py
test_program_to_string.py Optimze/optimize dygraph api (#19999) 6 years ago
test_protobuf.py
test_protobuf_descs.py
test_proximal_adagrad_op.py
test_proximal_gd_op.py
test_prroi_pool_op.py add precise roi pooling op test=develop (#18960) 6 years ago
test_prune.py add a new interface _prune_with_input (#20022) 6 years ago
test_psroi_pool_op.py
test_py_func_op.py
test_py_reader_combination.py Add py_reader combination unittest (#19923) 6 years ago
test_py_reader_error_msg.py improve the error message when handling ndarray with unsupported dtype (#19949) 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_return_list.py Unify DataLoader APIs (#19305) 6 years ago
test_py_reader_sample_generator.py
test_py_reader_using_executor.py
test_random_crop_op.py
test_range.py
test_rank_loss_op.py Remove constraint that last dimension is forced to be 1 in rank_loss (#19997) 6 years ago
test_reader_reset.py
test_recurrent_op.py
test_reduce_op.py fix the error message for reduce_mean and reduce_sum op (#20063) 6 years ago
test_reducescatter.py
test_ref_by_trainer_id_op.py
test_registry.py
test_regularizer.py
test_reorder_lod_tensor.py
test_reshape_op.py add input type and dtype check for reshape op. (#20099) 6 years ago
test_retinanet_detection_output.py
test_reverse_op.py
test_rmsprop_op.py
test_rnn_memory_helper_op.py
test_roi_align_op.py
test_roi_perspective_transform_op.py
test_roi_pool_op.py
test_row_conv_op.py
test_rpn_target_assign_op.py
test_runtime_and_compiletime_exception.py
test_sampling_id_op.py
test_save_model_without_var.py give warnings when save a model without any parameters (#19931) 6 years ago
test_scale_op.py
test_scatter_nd_op.py
test_scatter_op.py
test_scope.py
test_selected_rows.py
test_selu_op.py
test_seq_conv.py
test_seq_pool.py support 2-level lod of input in sequence_pool (#19839) 6 years ago
test_sequence_concat.py
test_sequence_enumerate_op.py
test_sequence_erase_op.py
test_sequence_expand.py
test_sequence_expand_as.py
test_sequence_mask.py
test_sequence_pad_op.py Removing length dims constraints of seq_pad and seq_unpad (#19497) 6 years ago
test_sequence_reshape.py
test_sequence_reverse.py
test_sequence_scatter_op.py
test_sequence_slice_op.py
test_sequence_softmax_op.py
test_sequence_topk_avg_pooling.py move match_matrix var_conv2d et.al api into fluid.contrib test=develop (#19859) 6 years ago
test_sequence_unpad_op.py Removing length dims constraints of seq_pad and seq_unpad (#19497) 6 years ago
test_sgd_op.py
test_shape_op.py
test_shard_index_op.py
test_shrink_rnn_memory.py
test_shuffle_channel_op.py
test_sigmoid_cross_entropy_with_logits_op.py
test_sigmoid_focal_loss_op.py
test_sign_op.py Fix api, add input type and dtype check for sign_op (#20138) 6 years ago
test_similarity_focus_op.py
test_size_op.py
test_slice_op.py
test_slice_var.py
test_smooth_l1_loss_op.py
test_softmax_op.py fix softmax input error check on float16 (#20273) 6 years ago
test_softmax_with_cross_entropy_op.py
test_space_to_depth_op.py
test_spectral_norm_op.py
test_split_and_merge_lod_tensor_op.py
test_split_ids_op.py
test_split_op.py Add fp16 support for pad and split (#19881) 6 years ago
test_split_selected_rows_op.py
test_spp_op.py
test_square_error_cost.py
test_squared_l2_distance_op.py
test_squared_l2_norm_op.py
test_squeeze2_op.py
test_squeeze_op.py add input type and dtype check for squeeze (#20100) 6 years ago
test_stack_op.py
test_strided_slice_op.py add support tensor and tensorlist for strided_slice OP (#19929) 6 years ago
test_sum_op.py
test_switch.py
test_sync_batch_norm_op.py Add float16 support to `sync_batch_norm_op` (#19681) 6 years ago
test_target_assign_op.py
test_teacher_student_sigmoid_loss_op.py
test_temporal_shift_op.py
test_tensor.py Expose `mutable_data` as python binding (#19932) 6 years ago
test_tensor_array_to_tensor.py
test_tensor_to_numpy.py
test_top_k_op.py
test_trainable.py
test_trainer_desc.py
test_transpose_op.py
test_tree_conv_op.py
test_trilinear_interp_op.py resize Ops support data_layout:channel_last, test=develop, test=document_preview (#19914) 6 years ago
test_truncated_gaussian_random_op.py
test_unfold_op.py
test_uniform_random_batch_size_like_op.py
test_uniform_random_op.py improve op uniform_random, argument shape support tensor and tensor in list (#19786) 6 years ago
test_unique.py
test_unique_name.py
test_unique_with_counts.py
test_unpool_op.py
test_unsqueeze2_op.py
test_unsqueeze_op.py
test_unstack_op.py
test_var_conv_2d.py move match_matrix var_conv2d et.al api into fluid.contrib test=develop (#19859) 6 years ago
test_variable.py
test_version.py
test_warpctc_op.py
test_weight_decay.py
test_weight_normalization.py
test_where.py
test_while_op.py optimize the error information when the input for while op has a wron… (#19872) 6 years ago
test_yolo_box_op.py
test_yolov3_loss_op.py
testsuite.py
transformer_model.py