Paddle/python/paddle/fluid/tests/unittests
juncaipeng 642b33564e Update test precision from fp32 to fp64 () 5 years ago
..
mkldnn Remove self-set accuracy parameters of op tests: max_relative_error () 5 years ago
ngraph make nGraph ut py3 compatible () 5 years ago
white_list add check for check_grad in Op unittests () 5 years ago
CMakeLists.txt Fix dgc & launch tests in cpu ci () 5 years ago
__init__.py
benchmark.py
benchmark_sum_op.py
check_nan_inf_base.py fix assert in nan inf tests, test=develop () 5 years ago
collective_allgather_op.py supports collective communicated training () 6 years ago
collective_allreduce_op.py supports collective training with programs () 6 years ago
collective_broadcast_op.py supports collective communicated training () 6 years ago
collective_reducescatter.py set dim[0] to -1 if dim[0] < 0 during compiling for c_allgather op () 5 years ago
collective_reducescatter_op.py supports collective communicated training () 6 years ago
ctr_dataset_reader.py Fix communicator slow bug & fix communicator stop bug () 5 years ago
decorator_helper.py Support backward of backward for Relu and add a new gradient checker by comparing theoretical and numerical Jacobian. () 6 years ago
dist_allreduce_op.py Collective ops () 6 years ago
dist_ctr.py bug fix: invalid learning rate decay in pserver async mode () 5 years ago
dist_ctr_reader.py fix logging basicConfig cannot be setting after import paddle () 6 years ago
dist_fleet_ctr.py Fix communicator slow bug & fix communicator stop bug () 5 years ago
dist_mnist.py Fix DGC algorithm flow to make it the same as paper () 5 years ago
dist_mnist_batch_merge.py [1.1] [project] train imagenet using large batch size () 6 years ago
dist_mnist_lars.py [1.1] [project] train imagenet using large batch size () 6 years ago
dist_save_load.py Try to deprecate unstable python memory optimize () 6 years ago
dist_se_resnext.py Add DGC(Deep Gradient Compression) interface. () 6 years ago
dist_simnet_bow.py checkpoint at distributed training () 6 years ago
dist_test.sh Set unique port to every distribute test to avoid potential port conflicts () 5 years ago
dist_test_utils.py Delete pserver complete file before executor running. () 6 years ago
dist_text_classification.py
dist_transformer.py fix spelling errors () 6 years ago
dist_word2vec.py
fake_reader.py Fix unittests which takes too long time () 6 years ago
feed_data_reader.py merge develop to solve conflict, also fix API doc, test=develop () 6 years ago
fleet_ps_training.py add launch_ps module so that we can launch a parameter server trainin… () 5 years ago
gradient_checker.py Update Tensor.set() to support float16 () 5 years ago
ir_memory_optimize_net_base.py Try to deprecate unstable python memory optimize () 6 years ago
multi_process.py distribute.launch use poll to query subprocess () 6 years ago
op_test.py add check for check_grad in Op unittests () 5 years ago
parallel_dygraph_mnist.py remove build_once & name_scope () 5 years ago
parallel_dygraph_se_resnext.py remove build_once & name_scope () 5 years ago
parallel_executor_test_base.py Update CompiledProgram () 6 years ago
py_precise_roi_pool.py fix the precise roi poop op test=develop () 6 years ago
seresnext_net.py Disable cudnn_conv in unit tests. () 5 years ago
seresnext_test_base.py Split test_parallel_executor_seresnext to three unit test () 6 years ago
simple_nets.py Add Much Complex Test and Fix Bugs for Control Flow cond API () 5 years ago
test_accuracy_op.py fix unit tests that do not need to inherit OpTest () 5 years ago
test_activation_nn_grad.py refine shape and split test. test=develop () 6 years ago
test_activation_op.py use large input shape for accuracy test, () 5 years ago
test_adadelta_op.py
test_adagrad_op.py
test_adam_op.py add Adam beta1/beta2 support Variable () 5 years ago
test_adam_optimizer_fp32_fp64.py fix adam fp64, test=develop () 5 years ago
test_adamax_op.py
test_add_position_encoding_op.py Add dygraph execution context () 5 years ago
test_affine_channel_op.py Remove unit testing for large shape in test_affine_channel_op () 6 years ago
test_affine_grid_op.py use large input shape for accuracy test () 5 years ago
test_allgather.py supports collective communicated training () 6 years ago
test_allreduce.py supports collective communicated training () 6 years ago
test_anchor_generator_op.py
test_arg_min_max_op.py fix min and max bug () 6 years ago
test_argsort_op.py Add dscending for argsort () 5 years ago
test_array_read_write_op.py
test_assign_op.py Fix unit tests to avoid check_grad checking failures () 5 years ago
test_assign_value_op.py
test_async_ssa_graph_executor_mnist.py Refine unittest log () 6 years ago
test_attention_lstm_op.py Add dygraph execution context () 5 years ago
test_auc_op.py refactor AUC OP and add its CUDA Kernel () 5 years ago
test_auc_single_pred_op.py refactor AUC OP and add its CUDA Kernel () 5 years ago
test_avoid_twice_initialization.py Avoid treating broadcast as initialization operation () 6 years ago
test_backward.py Enhance checking on sub branch of backward () 5 years ago
test_base_layer.py move dygraph.nn,dygraph.layer to fluid, test=develop 6 years ago
test_basic_gru_api.py Fix basic_gru and docs of gru_unit and dynamic_gru () 6 years ago
test_basic_gru_unit_op.py Fix basic_gru and docs of gru_unit and dynamic_gru () 6 years ago
test_basic_lstm_api.py Fix basic_gru and docs of gru_unit and dynamic_gru () 6 years ago
test_basic_lstm_unit_op.py Fix basic_gru and docs of gru_unit and dynamic_gru () 6 years ago
test_batch_norm_op.py [MKL-DNN] Batch norm mkl-dnn NHWC support () 5 years ago
test_beam_search_decode_op.py
test_beam_search_op.py Return parent_idx in beam_search op () 6 years ago
test_bilinear_interp_op.py fix unit tests that do not need to inherit OpTest () 5 years ago
test_bilinear_tensor_product_op.py use large input shape for accuracy test, () 5 years ago
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_boxps.py Paddlebox Related to Framework () 5 years ago
test_bpr_loss_op.py fix label_pos ,add test_layers.py, test=develop 6 years ago
test_broadcast.py supports collective communicated training () 6 years ago
test_buffer_shared_memory_reuse_pass.py reduce_unittest_time,test=develop () 6 years ago
test_buffer_shared_memory_reuse_pass_and_fuse_optimization_op_pass.py Polish some PE code details () 5 years ago
test_c_comm_init_all_op.py supports multiple NCCL communicators preserved in NCCLCommContext () 6 years ago
test_calc_gradient.py
test_case.py Add control flow api: case () 5 years ago
test_cast_op.py fix unit tests that do not need to inherit OpTest () 5 years ago
test_center_loss.py use large input shape for op tests () 5 years ago
test_check_import_scipy.py Optimized error reporting information () 6 years ago
test_chunk_eval_op.py support Tensor input for chunk_eval op () 6 years ago
test_clip_by_norm_op.py Change several tests to inherit the right parent class, test=develop () 5 years ago
test_clip_op.py
test_coalesce_tensor_op.py Fix unit tests to avoid check_grad checking failures () 5 years ago
test_collect_fpn_proposals_op.py Add dygraph execution context () 5 years ago
test_collective_base.py adapt test_collective_base.py for only two GPU cards available. () 5 years ago
test_compare_op.py fix PythonAPI test in Op unittest, test=develop () 5 years ago
test_compat.py Optimze/optimize dygraph api () 6 years ago
test_concat_op.py Fix unit tests to avoid check_grad checking failures () 5 years ago
test_cond.py Add Much Complex Test and Fix Bugs for Control Flow cond API () 5 years ago
test_conditional_block.py Fix That conditional_block_op Doesn't Have InferShape () 5 years ago
test_const_value.py
test_conv2d_fusion_op.py Add Asypadding for conv fusion. () 5 years ago
test_conv2d_op.py Fix unit tests to avoid check_grad checking failures () 5 years ago
test_conv2d_transpose_op.py fix unit tests that do not need to inherit OpTest () 5 years ago
test_conv3d_op.py Fix unit tests to avoid check_grad checking failures () 5 years ago
test_conv3d_transpose_op.py fix unit tests that do not need to inherit OpTest () 5 years ago
test_conv_nn_grad.py fix conv2d and conv3d: () 6 years ago
test_conv_shift_op.py Remove self-set accuracy parameters of op tests: max_relative_error () 5 years ago
test_cos_sim_op.py use large input shape for accuracy test, () 5 years ago
test_create_op_doc_string.py
test_crf_decoding_op.py Refactor linear chain crf op & crf decoding op () 6 years ago
test_crop_op.py Remove self-set accuracy parameters of op tests: max_relative_error () 5 years ago
test_crop_tensor_op.py Remove self-set accuracy parameters of op tests: max_relative_error () 5 years ago
test_cross_entropy2_op.py Remove constraint that last dimension is forced to be 1 in cross_entropy () 6 years ago
test_cross_entropy_op.py Fix unit tests to avoid check_grad checking failures () 5 years ago
test_ctc_align.py refine ctc align op with padding () 6 years ago
test_cumsum_op.py Add dygraph execution context () 5 years ago
test_cvm_op.py Add dygraph execution context () 5 years ago
test_cyclic_cifar_dataset.py fix readers bug, test=develop () 6 years ago
test_data_norm_op.py use large input shape for accuracy test () 5 years ago
test_dataset.py fix master patch when slot is dense () 5 years ago
test_dataset_dataloader.py Unify DataLoader APIs () 6 years ago
test_dataset_download.py change download log format () 5 years ago
test_dataset_sentiment.py remove the dependency on ssl () 5 years ago
test_debugger.py
test_decayed_adagrad_op.py
test_decoupled_py_reader.py reduce py_reader unittest time () 6 years ago
test_decoupled_py_reader_data_check.py Unify DataLoader APIs () 6 years ago
test_default_scope_funcs.py
test_deformable_conv_op.py add deformable conv v1 op and cpu version of deformable conv v2 () 6 years ago
test_deformable_conv_v1_op.py add deformable conv v1 op and cpu version of deformable conv v2 () 6 years ago
test_deformable_psroi_pooling.py add deformable psroi pooling () 6 years ago
test_density_prior_box_op.py CUDA kernel for density_prior_box_op. () 6 years ago
test_deprecated_memory_optimize_interfaces.py Try to deprecate unstable python memory optimize () 6 years ago
test_dequantize_abs_max_op.py add dequantize_abs_max op and modify lookup_table op () 5 years ago
test_desc_clone.py
test_detach.py Optimze/optimize dygraph api () 6 years ago
test_detection_map_op.py
test_dgc_momentum_op.py Fix dgc accuracy by mv regularization to local () 5 years ago
test_dgc_op.py Fix dgc accuracy by mv regularization to local () 5 years ago
test_dgc_optimizer.py Fix dgc clip & rampup step, test=develop () 5 years ago
test_diag.py Add Diag Op() 6 years ago
test_dist_allreduce_op.py Collective ops () 6 years ago
test_dist_base.py Tmp fix fleet bug in py35 gcc8 CI, test=develop () 5 years ago
test_dist_ctr.py test=develop, add communicator_is_sgd_optimizer flag () 5 years ago
test_dist_fleet_base.py Set unique port to every distribute test to avoid potential port conflicts () 5 years ago
test_dist_fleet_ctr.py Fix communicator slow bug & fix communicator stop bug () 5 years ago
test_dist_fleet_geo.py Add GEO-SGD distribute training algorithm () 6 years ago
test_dist_mnist.py Add bash_test_modules function to capture the timeout or failed context. () 6 years ago
test_dist_mnist_backward_deps.py split different comm method for mnist distributed training () 6 years ago
test_dist_mnist_batch_merge.py Add bash_test_modules function to capture the timeout or failed context. () 6 years ago
test_dist_mnist_dgc_nccl.py Fix dgc & launch tests in cpu ci () 5 years ago
test_dist_mnist_fleet_save.py modify the implementation of save_persistables and save_inference_model for fleet collective mode () 5 years ago
test_dist_mnist_fleetapi.py Polish fleet API to support cuda collective mode and nccl2 mode. () 6 years ago
test_dist_mnist_hallreduce.py Add bash_test_modules function to capture the timeout or failed context. () 6 years ago
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 () 6 years ago
test_dist_mnist_multi_comm.py Add bash_test_modules function to capture the timeout or failed context. () 6 years ago
test_dist_mnist_pg.py add parallel graph dist test () 6 years ago
test_dist_mnist_ring_allreduce.py split different comm method for mnist distributed training () 6 years ago
test_dist_mnist_with_program.py adapte fleet api for localsgd and support nccl comm configuration in executor () 6 years ago
test_dist_save_load.py Add bash_test_modules function to capture the timeout or failed context. () 6 years ago
test_dist_se_resnext_async.py Add detail logs on resnet unit test () 6 years ago
test_dist_se_resnext_dgc.py Add bash_test_modules function to capture the timeout or failed context. () 6 years ago
test_dist_se_resnext_nccl.py Add bash_test_modules function to capture the timeout or failed context. () 6 years ago
test_dist_se_resnext_sync.py Add bash_test_modules function to capture the timeout or failed context. () 6 years ago
test_dist_simnet_bow.py Add bash_test_modules function to capture the timeout or failed context. () 6 years ago
test_dist_text_classification.py Add bash_test_modules function to capture the timeout or failed context. () 6 years ago
test_dist_train.py Delete pserver complete file before executor running. () 6 years ago
test_dist_transformer.py fix cdn issue, test=develop () 6 years ago
test_dist_transpiler.py memory leak for cpu () 5 years ago
test_dist_transpiler_async_decay.py Optimize decay () 5 years ago
test_dist_word2vec.py Add bash_test_modules function to capture the timeout or failed context. () 6 years ago
test_distribute_fpn_proposals_op.py fix distribute fpn proposals, test=develop () 6 years ago
test_distributions.py fix unittest random failed test=develop () 6 years ago
test_downpoursgd.py fix unit tests that do not need to inherit OpTest () 5 years ago
test_dpsgd_op.py add optimizer:dpsgd,test=develop () 6 years ago
test_dropout_op.py Remove self-set accuracy parameters of op tests: max_relative_error () 5 years ago
test_dygraph_mnist_fp16.py remove build_once & name_scope () 5 years ago
test_dygraph_multi_forward.py remove build_once & name_scope () 5 years ago
test_dyn_rnn.py Check and correct the output's lod_level in DynamicRNN related operators () 5 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. () 6 years ago
test_dynrnn_static_input.py
test_eager_deletion_conditional_block.py fix gc bug in conditional block () 6 years ago
test_eager_deletion_delete_vars.py fix some op grad maker 6 years ago
test_eager_deletion_dynamic_rnn_base.py Update CompiledProgram () 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_padding_rnn.py Refine the cache of program, context and scope in executor. () 5 years ago
test_eager_deletion_recurrent_op.py Update CompiledProgram () 6 years ago
test_eager_deletion_transformer.py remove reset recordio usage () 6 years ago
test_eager_deletion_while_op.py Update CompiledProgram () 6 years ago
test_edit_distance_op.py support Tensor input for edit_distance op () 6 years ago
test_elementwise_add_op.py Fix unit tests to avoid check_grad checking failures () 5 years ago
test_elementwise_div_op.py Fix unit tests to avoid check_grad checking failures () 5 years ago
test_elementwise_floordiv_op.py fix time; test=develop 6 years ago
test_elementwise_gradient_op.py
test_elementwise_max_op.py fix accuracy parameters of op tests () 5 years ago
test_elementwise_min_op.py update test precision from fp32 to fp64, test=develop () 5 years ago
test_elementwise_mod_op.py Remove self-set accuracy parameters of op tests: atol () 5 years ago
test_elementwise_mul_op.py use large input shape for accuracy test () 5 years ago
test_elementwise_nn_grad.py refine shape and split test. test=develop () 6 years ago
test_elementwise_pow_op.py update test precision from fp32 to fp64, test=develop () 5 years ago
test_elementwise_sub_op.py use large input shape for accuracy test () 5 years ago
test_exception.py
test_executor_and_mul.py
test_executor_and_use_program_cache.py Refine the cache of program, context and scope in executor. () 5 years ago
test_executor_return_tensor_not_overwriting.py extend elementwise broadcast function () 5 years ago
test_expand_as_op.py use large input shape for op tests () 5 years ago
test_expand_op.py update test precision from fp32 to fp64, test=develop () 5 years ago
test_eye_op.py add eye op, kernel and unitest test=develop () 6 years ago
test_fake_dequantize_op.py add channel wise quantization in ir pass. 6 years ago
test_fake_init_op.py add test_fake_init_op 6 years ago
test_fake_quantize_op.py Update Tensor.set() to support float16 () 5 years ago
test_fc_op.py fix unit tests that do not need to inherit OpTest () 5 years ago
test_feed_data_check_shape_type.py Refine Error Message for New Data API () 6 years ago
test_feed_fetch_method.py
test_fetch_handler.py Refactor fetch handler () 5 years ago
test_fetch_var.py fix unit tests that do not need to inherit OpTest () 5 years ago
test_fill_any_like_op.py open dygraph op test, test=develop () 5 years ago
test_fill_constant_batch_size_like_op.py Fix unit tests to avoid check_grad checking failures () 5 years ago
test_fill_constant_op.py Change several tests to inherit the right parent class, test=develop () 5 years ago
test_fill_op.py Change several tests to inherit the right parent class, test=develop () 5 years ago
test_fill_zeros_like2_op.py Fix some grad op desc makers () 6 years ago
test_fill_zeros_like_op.py Fp16 training () 6 years ago
test_filter_by_instag_op.py Instag Implemention () 6 years ago
test_fl_listen_and_serv_op.py fix unit tests that do not need to inherit OpTest () 5 years ago
test_flatten2_op.py update test precision from fp32 to fp64, test=develop () 5 years ago
test_flatten_op.py update test precision from fp32 to fp64, test=develop () 5 years ago
test_fleet_api_input.py Fix Paddle Cloud role maker () 5 years ago
test_fleet_rolemaker.py Fix Paddle Cloud role maker () 5 years ago
test_fleet_utils.py fix the diff between async mode and async_half mode () 6 years ago
test_framework_debug_str.py
test_fsp_op.py Remove self-set accuracy parameters of op tests: max_relative_error () 5 years ago
test_ftrl_op.py
test_fuse_all_reduce_pass.py Add Much Complex Test and Fix Bugs for Control Flow cond API () 5 years ago
test_fuse_elewise_add_act_pass.py Try to deprecate unstable python memory optimize () 6 years ago
test_fuse_optimizer_pass.py Try to deprecate unstable python memory optimize () 6 years ago
test_fuse_relu_depthwise_conv_pass.py merge develop to solve conflict, also fix API doc, test=develop () 6 years ago
test_fused_elemwise_activation_op.py fix accuracy parameters of op tests () 5 years ago
test_fused_emb_seq_pool_op.py update test precision from fp32 to fp64, test=develop () 5 years ago
test_fused_embedding_fc_lstm_op.py Add dygraph execution context () 5 years ago
test_fused_fc_elementwise_layernorm_op.py Add a pass to fuse fc+elementwise_add+layernorm () 6 years ago
test_fused_multihead_matmul_op.py Fix softmax cuda bug () 5 years ago
test_fusion_gru_op.py Add dygraph execution context () 5 years ago
test_fusion_lstm_op.py Add dygraph execution context () 5 years ago
test_fusion_repeated_fc_relu_op.py fix jit_matmul bug test=develop () 5 years ago
test_fusion_seqconv_eltadd_relu_op.py
test_fusion_seqexpand_concat_fc_op.py Add dygraph execution context () 5 years ago
test_fusion_seqpool_concat_op.py add seqpool concat unit test 6 years ago
test_fusion_seqpool_cvm_concat_op.py Fusion: seqpool_cvm_concat () 6 years ago
test_fusion_squared_mat_sub_op.py fix fuse square mat order and refine test 6 years ago
test_fusion_transpose_flatten_concat_op.py Fix unit tests to avoid check_grad checking failures () 5 years ago
test_gather_nd_op.py update test precision from fp32 to fp64, test=develop () 5 years ago
test_gather_op.py update test precision from fp32 to fp64, test=develop () 5 years ago
test_gather_tree_op.py fix PythonAPI test in Op unittest, test=develop () 5 years ago
test_gaussian_random_batch_size_like_op.py
test_gaussian_random_op.py
test_gelu_op.py add fluid.layers.gelu & doc () 5 years ago
test_generate_mask_labels_op.py Add generate_mask_labels_op to support Mask-RCNN and refine some code. () 6 years ago
test_generate_proposal_labels_op.py Update generate_proposal_labels_op to support CascadeRCNN. () 6 years ago
test_generate_proposals_op.py Add generate_mask_labels_op to support Mask-RCNN and refine some code. () 6 years ago
test_generator_dataloader.py Unify DataLoader APIs () 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. () 6 years ago
test_get_tensor_from_selected_rows_op.py Refine merge_selected_rows Doc () 6 years ago
test_global_var_getter_setter.py Add global value getter setter () 5 years ago
test_grad_clip_minimize.py Add new gard clip [old gradient clip not support in dy graph] () 6 years ago
test_gradient_clip.py Fix unittests which takes too long time () 6 years ago
test_grid_sampler_op.py update test precision from fp32 to fp64, test=develop () 5 years ago
test_group_norm_op.py use large input shape for op tests () 5 years ago
test_gru_op.py update test precision from fp32 to fp64, test=develop () 5 years ago
test_gru_unit_op.py complete gru_unite_op and test 6 years ago
test_hash_op.py hash_op support int64 hash_size () 6 years ago
test_hinge_loss_op.py Remove self-set accuracy parameters of op tests: max_relative_error () 5 years ago
test_hsigmoid_op.py fix input shape of op tests () 5 years ago
test_huber_loss_op.py Remove self-set accuracy parameters of op tests: max_relative_error () 5 years ago
test_im2sequence_op.py use large input shape for accuracy test, () 5 years ago
test_image_classification_layer.py
test_imperative_auto_prune.py remove build_once & name_scope () 5 years ago
test_imperative_base.py Align the first batch of gpu resnet 6 years ago
test_imperative_basic.py Split VarBase from Python Variable for Dygraph () 5 years ago
test_imperative_container_sequential.py Add Sequential api () 5 years ago
test_imperative_debug_string.py Refactor dygraph () 6 years ago
test_imperative_decorator.py Optimze/optimize dygraph api () 6 years ago
test_imperative_deepcf.py remove build_once & name_scope () 5 years ago
test_imperative_framework.py Optimze/optimize dygraph api () 6 years ago
test_imperative_gan.py test=develop, add gradient sort backward strategy () 6 years ago
test_imperative_gnn.py Optimze/optimize dygraph api () 6 years ago
test_imperative_lod_tensor_to_selected_rows.py fix unittests () 5 years ago
test_imperative_mnist.py remove build_once & name_scope () 5 years ago
test_imperative_mnist_sorted_gradient.py test=develop, add gradient sort backward strategy () 6 years ago
test_imperative_numpy_bridge.py Support numpy bridge (enabled by default in dygraph mode) () 5 years ago
test_imperative_ocr_attention_model.py remove build_once & name_scope () 5 years ago
test_imperative_optimizer.py Split VarBase from Python Variable for Dygraph () 5 years ago
test_imperative_parallel_coalesce_split.py Fix optimizer op infershape failed in dygraph multi-cards mode () 5 years ago
test_imperative_partitial_backward.py Split VarBase from Python Variable for Dygraph () 5 years ago
test_imperative_ptb_rnn.py remove build_once & name_scope () 5 years ago
test_imperative_ptb_rnn_sorted_gradient.py support SelectedRows in dygraph, test=develop () 5 years ago
test_imperative_recurrent_usage.py Feature/auto prune in dygraph () 6 years ago
test_imperative_reinforcement.py add unittest of dygraph RL models. () 6 years ago
test_imperative_resnet.py remove build_once & name_scope () 5 years ago
test_imperative_resnet_sorted_gradient.py Split VarBase from Python Variable for Dygraph () 5 years ago
test_imperative_save_load.py remove build_once & name_scope () 5 years ago
test_imperative_se_resnext.py remove build_once & name_scope () 5 years ago
test_imperative_selected_rows.py fix unittests () 5 years ago
test_imperative_selected_rows_to_lod_tensor.py fix unittests () 5 years ago
test_imperative_transformer_sorted_gradient.py remove build_once & name_scope () 5 years ago
test_infer_no_need_buffer_slots.py add `no_need_buffer_slots` interface to pybind () 5 years ago
test_infer_shape.py expand op supprt tensor attribute () 6 years ago
test_inference_api.py Python infer api update and add unit test () 6 years ago
test_inference_model_io.py warning when user save a inference model which contains auc op test=develop () 6 years ago
test_initializer.py Init mixed precision training interface () 6 years ago
test_inplace_softmax_with_cross_entropy.py Remove legacy C++ memory optimization codes () 6 years ago
test_install_check.py Add comment for dygraph api () 6 years ago
test_instance_norm_op.py fix instance norm () 5 years ago
test_iou_similarity_op.py Add dygraph execution context () 5 years ago
test_ir_graph.py Add python ir graph API () 6 years ago
test_ir_inplace_pass.py Try to deprecate unstable python memory optimize () 6 years ago
test_ir_memory_optimize_ifelse_op.py Try to deprecate unstable python memory optimize () 6 years ago
test_ir_memory_optimize_nlp.py fix default value. test=develop 6 years ago
test_ir_memory_optimize_pass.py merge develop to solve conflict, also fix API doc, test=develop () 6 years ago
test_ir_memory_optimize_transformer.py merge develop to solve conflict, also fix API doc, test=develop () 6 years ago
test_is_empty_op.py
test_isfinite_op.py Fix unit tests to avoid check_grad checking failures () 5 years ago
test_kldiv_loss_op.py update test precision from fp32 to fp64, test=develop () 5 years ago
test_l1_norm_op.py
test_label_smooth_op.py use large input shape for accuracy test () 5 years ago
test_lamb_op.py Update lamb optimizer () 6 years ago
test_launch.sh add store_true to use_paddlecloud argument in launch.py () 5 years ago
test_launch_ps.sh add launch_ps module so that we can launch a parameter server trainin… () 5 years ago
test_layer_norm_op.py add _use_system_allocator to some op tests, test=develop () 5 years ago
test_layers.py remove build_once & name_scope () 5 years ago
test_learning_rate_scheduler.py Add dygraph linear warm up decay () 5 years ago
test_linear_chain_crf_op.py Refactor linear chain crf op & crf decoding op () 6 years ago
test_linspace.py test=develop 6 years ago
test_listen_and_serv.sh Delete pserver complete file before executor running. () 6 years ago
test_listen_and_serv_op.py Retry when failed to bind address. () 5 years ago
test_load_vars_shape_check.py Add shape check in load model () 6 years ago
test_locality_aware_nms_op.py fix PythonAPI test in Op unittest, test=develop () 5 years ago
test_lod_array_length_op.py
test_lod_rank_table.py
test_lod_reset_op.py update test precision from fp32 to fp64, test=develop () 5 years ago
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 Delete pserver complete file before executor running. () 6 years ago
test_lookup_sparse_table_op.py Change several tests to inherit the right parent class, test=develop () 5 years ago
test_lookup_table_op.py update test precision from fp32 to fp64, test=develop () 5 years ago
test_lookup_table_v2_op.py update test precision from fp32 to fp64, test=develop () 5 years ago
test_lrn_op.py Remove self-set accuracy parameters of op tests: max_relative_error () 5 years ago
test_lstm_cudnn_op.py Fix unit tests to avoid check_grad checking failures () 5 years ago
test_lstm_op.py Add dygraph execution context () 5 years ago
test_lstm_unit_op.py
test_lstmp_op.py Add dygraph execution context () 5 years ago
test_margin_rank_loss_op.py
test_match_matrix_tensor_op.py use large input shape for accuracy test () 5 years ago
test_math_op_patch.py add unary operator __neg__, test=develop () 5 years ago
test_math_op_patch_var_base.py add unary operator __neg__, test=develop () 5 years ago
test_matmul_op.py Remove self-set accuracy parameters of op tests: atol () 5 years ago
test_matmul_op_with_head.py Remove self-set accuracy parameters of op tests: atol () 5 years ago
test_maxout_op.py fix PythonAPI test in Op unittest, test=develop () 5 years ago
test_mean_iou.py
test_mean_op.py Update test precision from fp32 to fp64 () 5 years ago
test_memory_reuse_exclude_feed_var.py [Bug fix] Disable memory reuse on feeded variables () 6 years ago
test_memory_usage.py
test_merge_ids_op.py submit by tangwei12, test=develop 6 years ago
test_merge_selectedrows_op.py Refine merge_selected_rows Doc () 6 years ago
test_metrics.py Follow comments. 6 years ago
test_mine_hard_examples_op.py Update test precision from fp32 to fp64 () 5 years ago
test_minus_op.py
test_mix_precision_all_reduce_fuse.py Update Tensor.set() to support float16 () 5 years ago
test_modified_huber_loss_op.py Remove self-set accuracy parameters of op tests: max_relative_error () 5 years ago
test_momentum_op.py Fp16 training () 6 years ago
test_mse_loss.py Update Tensor.set() to support float16 () 5 years ago
test_mul_op.py Update test precision from fp32 to fp64 () 5 years ago
test_multiclass_nms_op.py Fix INF bug of softmax_cross_entropy_op () 5 years ago
test_multihead_attention.py
test_multiplex_op.py Update test precision from fp32 to fp64 () 5 years ago
test_multiprocess_reader_exception.py Refine py_reader exit () 6 years ago
test_name_scope.py Fix name_scope test case bug () 6 years ago
test_nan_inf.py Rewrite check nan inf tools () 5 years ago
test_nce.py use large input shape for op tests () 5 years ago
test_nce_remote_table_op.py Delete pserver complete file before executor running. () 6 years ago
test_nearest_interp_op.py Update test precision from fp32 to fp64 () 5 years ago
test_network_with_dtype.py
test_nn_grad.py Support reshape_op double gradient () 6 years ago
test_norm_nn_grad.py add instance norm () 6 years ago
test_norm_op.py use large input shape for accuracy test, () 5 years ago
test_normalization_wrapper.py
test_npair_loss_op.py Update Tensor.set() to support float16 () 5 years ago
test_nvprof.py
test_one_hot_op.py fix unit tests that do not need to inherit OpTest () 5 years ago
test_one_hot_v2_op.py fix unit tests that do not need to inherit OpTest () 5 years ago
test_op_function_generator.py Add op function generator for dygraph () 5 years ago
test_op_support_gpu.py
test_operator.py
test_operator_desc.py Add mkldnn int8 mul-op kernel () 6 years ago
test_optimizer.py Dropout with seed () 5 years ago
test_pad2d_op.py Remove self-set accuracy parameters of op tests: max_relative_error () 5 years ago
test_pad_constant_like.py Remove self-set accuracy parameters of op tests: max_relative_error () 5 years ago
test_pad_op.py use large input shape for accuracy test, () 5 years ago
test_parallel_dygraph_mnist.py Add detail log on parallel dygraph unit test when failed. () 5 years ago
test_parallel_dygraph_se_resnext.py Add detail log on parallel dygraph unit test when failed. () 5 years ago
test_parallel_executor_crf.py Fuse Adam And SGD ops () 6 years ago
test_parallel_executor_crf_auto_growth.py Feature/auto_growth_allocator () 6 years ago
test_parallel_executor_drop_scope.py Add DropLocalExeScopes in ParallelExecutor () 6 years ago
test_parallel_executor_dry_run.py Update CPU_NUM config () 6 years ago
test_parallel_executor_feed_persistable_var.py Support feed single persistable variable to PE () 6 years ago
test_parallel_executor_fetch_feed.py Try to deprecate unstable python memory optimize () 6 years ago
test_parallel_executor_mnist.py Enhance fuse optimization op pass () 6 years ago
test_parallel_executor_pg.py Enhance fuse optimization op pass () 6 years ago
test_parallel_executor_run_load_infer_program.py prune the feed op in compiler () 6 years ago
test_parallel_executor_seresnext_base_cpu.py Split test_parallel_executor_seresnext to three unit test () 6 years ago
test_parallel_executor_seresnext_base_gpu.py Split test_parallel_executor_seresnext to three unit test () 6 years ago
test_parallel_executor_seresnext_with_fuse_all_reduce_cpu.py Split test_parallel_executor_seresnext to three unit test () 6 years ago
test_parallel_executor_seresnext_with_fuse_all_reduce_gpu.py Split test_parallel_executor_seresnext to three unit test () 6 years ago
test_parallel_executor_seresnext_with_reduce_cpu.py Split test_parallel_executor_seresnext to three unit test () 6 years ago
test_parallel_executor_seresnext_with_reduce_gpu.py enabel seresnext reduce test () 6 years ago
test_parallel_executor_test_while_train.py Fix test_parallel_executor_test_while_train () 6 years ago
test_parallel_executor_transformer.py merge develop to solve conflict, also fix API doc, test=develop () 6 years ago
test_parallel_executor_transformer_auto_growth.py remove reset recordio usage () 6 years ago
test_parameter.py Split VarBase from Python Variable for Dygraph () 5 years ago
test_partial_eager_deletion_transformer.py remove reset recordio usage () 6 years ago
test_pass_builder.py Add unit test for fuse_opt_ops () 6 years ago
test_pipeline.py Paddlebox Related to Framework () 5 years ago
test_pixel_shuffle.py Update test precision from fp32 to fp64 () 5 years ago
test_polygon_box_transform.py
test_pool2d_op.py Update test precision from fp32 to fp64 () 5 years ago
test_pool3d_op.py Update test precision from fp32 to fp64 () 5 years ago
test_pool_max_op.py Update test precision from fp32 to fp64 () 5 years ago
test_positive_negative_pair_op.py
test_precision_recall_op.py
test_prelu_op.py fix the computation for dx (grad for x) for prelu operation. () 5 years ago
test_print_op.py fix PythonAPI test in Op unittest, test=develop () 5 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_program_prune_backward.py Add prune_backward function to cover complicated test_program.clone situation () 6 years ago
test_program_to_string.py Optimze/optimize dygraph api () 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 fix the precise roi poop op test=develop () 6 years ago
test_prune.py add a new interface _prune_with_input () 6 years ago
test_psroi_pool_op.py Update test precision from fp32 to fp64 () 5 years ago
test_py_func_op.py remove deprecated memory_optimize usages, test=develop () 6 years ago
test_py_reader_combination.py fix py_reader combination ut, test=develop () 5 years ago
test_py_reader_error_msg.py improve the error message when handling ndarray with unsupported dtype () 6 years ago
test_py_reader_lod_level_share.py fix lod_level share bug in read_op 6 years ago
test_py_reader_pin_memory.py Add shape and type check at read_op () 5 years ago
test_py_reader_push_pop.py
test_py_reader_return_list.py Unify DataLoader APIs () 6 years ago
test_py_reader_sample_generator.py change API name 6 years ago
test_py_reader_using_executor.py Update CompiledProgram () 6 years ago
test_pybind_interface.py Add CI for checking Input/Output/Attr of modified Ops () 5 years ago
test_pyramid_hash_op.py add pyramid_hash_op () 5 years ago
test_random_crop_op.py Fixrecordio () 6 years ago
test_range.py [Operator] Add range op. () 6 years ago
test_rank_loss_op.py use large input shape for op tests () 5 years ago
test_reader_reset.py merge develop to solve conflict, also fix API doc, test=develop () 6 years ago
test_recurrent_op.py Fix the error of init variable in StaticRNN when stop_gradient=ON () 5 years ago
test_recv_save_op.py memory leak for cpu () 5 years ago
test_reduce_op.py fix input shape of op tests () 5 years ago
test_reducescatter.py supports collective communicated training () 6 years ago
test_reducescatter_api.py set dim[0] to -1 if dim[0] < 0 during compiling for c_allgather op () 5 years ago
test_ref_by_trainer_id_op.py feature/DC asgd () 6 years ago
test_registry.py Support backward of backward for Relu and add a new gradient checker by comparing theoretical and numerical Jacobian. () 6 years ago
test_regularizer.py Add L2 unit test () 6 years ago
test_reorder_lod_tensor.py add seqpool concat unit test 6 years ago
test_require_version.py Add API 'fluid.requird_version(min_version, max_version=None)' to check if the installed PaddlePaddle version is satisfied, test=develop () 6 years ago
test_reshape_op.py Add reshape int8 mkldnn op () 5 years ago
test_retinanet_detection_output.py add detection output operator for supporting retinanet () 6 years ago
test_reverse_op.py Update test precision from fp32 to fp64 () 5 years ago
test_rmsprop_op.py
test_rnn_cell_api.py Add seq2seq api related code () 6 years ago
test_rnn_decode_api.py Add seq2seq api related code () 6 years ago
test_rnn_memory_helper_op.py
test_roi_align_op.py Update test precision from fp32 to fp64 () 5 years ago
test_roi_perspective_transform_op.py Fix roi_perspective_transform op () 5 years ago
test_roi_pool_op.py Update test precision from fp32 to fp64 () 5 years ago
test_row_conv_op.py Add dygraph execution context () 5 years ago
test_rpn_target_assign_op.py add target assign operator for supporting retinanet () 6 years ago
test_runtime_and_compiletime_exception.py fix unit tests that do not need to inherit OpTest () 5 years ago
test_sampling_id_op.py fix sampling id op bug () 6 years ago
test_save_model_without_var.py give warnings when save a model without any parameters () 6 years ago
test_scale_op.py add Adam beta1/beta2 support Variable () 5 years ago
test_scatter_nd_op.py Update test precision from fp32 to fp64 () 5 years ago
test_scatter_op.py use large input shape for accuracy test, () 5 years ago
test_scope.py
test_seed_op.py Dropout with seed () 5 years ago
test_select_input_output_op.py Add Much Complex Test and Fix Bugs for Control Flow cond API () 5 years ago
test_selected_rows.py
test_selu_op.py Update test precision from fp32 to fp64 () 5 years ago
test_seq_conv.py improve sequence_conv api doc () 6 years ago
test_seq_pool.py Add dygraph execution context () 5 years ago
test_sequence_concat.py Remove self-set accuracy parameters of op tests: atol () 5 years ago
test_sequence_enumerate_op.py Support seq len equal to 0 in sequence ops () 6 years ago
test_sequence_erase_op.py Support seq len equal to 0 in sequence ops () 6 years ago
test_sequence_expand.py use large input shape for op tests () 5 years ago
test_sequence_expand_as.py use large input shape for op tests () 5 years ago
test_sequence_mask.py Sequence mask support tensor () 6 years ago
test_sequence_pad_op.py use large input shape for accuracy test, () 5 years ago
test_sequence_reshape.py Support seq len equal to 0 in sequence ops () 6 years ago
test_sequence_reverse.py Add dygraph execution context () 5 years ago
test_sequence_scatter_op.py Add dygraph execution context () 5 years ago
test_sequence_slice_op.py Support seq len equal to 0 in sequence ops () 6 years ago
test_sequence_softmax_op.py Remove self-set accuracy parameters of op tests: max_relative_error () 5 years ago
test_sequence_topk_avg_pooling.py fix accuracy parameters of op tests () 5 years ago
test_sequence_unpad_op.py use large input shape for accuracy test, () 5 years ago
test_sgd_op.py add sgd jitcode and op test 6 years ago
test_shape_op.py
test_shard_index_op.py add the framework support for distfc () 5 years ago
test_shrink_rnn_memory.py
test_shuffle_channel_op.py Merge branch 'develop' of https://github.com/PaddlePaddle/Paddle into shufflechannel 6 years ago
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 () 6 years ago
test_sign_op.py Fix unit tests to avoid check_grad checking failures () 5 years ago
test_similarity_focus_op.py submit again test=develop 6 years ago
test_size_op.py add size op () 6 years ago
test_slice_op.py fix PythonAPI test in Op unittest, test=develop () 5 years ago
test_slice_var.py
test_smooth_l1_loss_op.py use large input shape for op tests () 5 years ago
test_softmax_op.py fix PythonAPI test in Op unittest, test=develop () 5 years ago
test_softmax_with_cross_entropy_op.py Fix unit tests to avoid check_grad checking failures () 5 years ago
test_space_to_depth_op.py test=develop 6 years ago
test_spectral_norm_op.py use large input shape for accuracy test () 5 years ago
test_split_and_merge_lod_tensor_op.py Fix BUG: Mask RCNN inference diff When using AnalysisPredictor. () 6 years ago
test_split_ids_op.py submit by tangwei12, test=develop 6 years ago
test_split_op.py Fix unit tests to avoid check_grad checking failures () 5 years ago
test_split_selected_rows_op.py fix test_split_selected_rows_op test=develop 6 years ago
test_spp_op.py use large input shape for op tests () 5 years ago
test_square_error_cost.py Update Tensor.set() to support float16 () 5 years ago
test_squared_l2_distance_op.py use large input shape for op tests () 5 years ago
test_squared_l2_norm_op.py
test_squeeze2_op.py fix input shape of op tests () 5 years ago
test_squeeze_op.py fix input shape of op tests () 5 years ago
test_stack_op.py
test_static_save_load.py remove build_once & name_scope () 5 years ago
test_strided_slice_op.py use large input shape for accuracy test, () 5 years ago
test_sum_op.py fix input shape of op tests () 5 years ago
test_switch.py
test_switch_case.py Control flow API: switch_case () 5 years ago
test_sync_batch_norm_op.py add _use_system_allocator to some op tests, test=develop () 5 years ago
test_target_assign_op.py
test_teacher_student_sigmoid_loss_op.py remove some comments & refine doc & put template class in .h 6 years ago
test_temporal_shift_op.py fix unittest. test=develop 6 years ago
test_tensor.py tensor.set() supports array list and remove unused code, test=develop () 5 years ago
test_tensor_array_to_tensor.py Add seq2seq api related code () 6 years ago
test_tensor_to_numpy.py Fix mem leak when converting Tensor to numpy array () 6 years ago
test_top_k_op.py Fix topk cannot handle 1D vector bug () 6 years ago
test_trainable.py Fix optimizer bug () 6 years ago
test_trainer_desc.py support debug each output of each ins () 6 years ago
test_transpiler_ops.py memory leak for cpu () 5 years ago
test_transpose_op.py fix input shape of op tests () 5 years ago
test_tree_conv_op.py Tree conv op () 6 years ago
test_trilinear_interp_op.py fix PythonAPI test in Op unittest, test=develop () 5 years ago
test_truncated_gaussian_random_op.py
test_unfold_op.py add unfold op (new op),test=develop () 6 years ago
test_uniform_random_batch_size_like_op.py
test_uniform_random_op.py fix PythonAPI test in Op unittest, test=develop () 5 years ago
test_unique.py fix the device supported of the op unique and unique_with_counts. () 5 years ago
test_unique_name.py
test_unique_with_counts.py fix the device supported of the op unique and unique_with_counts. () 5 years ago
test_unpool_op.py use large input shape for accuracy test, () 5 years ago
test_unsqueeze2_op.py fix input shape of op tests () 5 years ago
test_unsqueeze_op.py fix input shape of op tests () 5 years ago
test_unstack_op.py
test_var_base.py Refine VarBase init function () 5 years ago
test_var_conv_2d.py use large input shape for accuracy test () 5 years ago
test_var_info.py add the framework support for distfc () 5 years ago
test_variable.py Split VarBase from Python Variable for Dygraph () 5 years ago
test_version.py Revert "rename the default version from '0.0.0' to 'latest' ()" () 6 years ago
test_warpctc_op.py use large input shape for accuracy test () 5 years ago
test_weight_decay.py fix test_weight_decay () 6 years ago
test_weight_normalization.py
test_where.py Add Where Op() 6 years ago
test_while_loop_op.py Control flow API: while_loop () 5 years ago
test_while_op.py Add sub-scope check in RecurrentOp () 6 years ago
test_yolo_box_op.py yolo_box OP add Attr(clip_bbox). () 5 years ago
test_yolov3_loss_op.py polish the label_smooth () 6 years ago
test_zeros_op.py fix PythonAPI test in Op unittest, test=develop () 5 years ago
testsuite.py Update Tensor.set() to support float16 () 5 years ago
transformer_model.py merge develop to solve conflict, also fix API doc, test=develop () 6 years ago
utils.py Add friendly dygraph trace API () 5 years ago